publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2023-06-01T15:06:11Z | http://arxiv.org/pdf/2306.00774v1 | http://arxiv.org/abs/2306.00774v1 | Silvia Terragni, Modestas Filipavicius, Nghia Khau, Bruna Guedes, André Manso, Roland Mathis | 2023-06-01T15:06:11Z | cs.CL, cs.LG | This paper presents a novel application of large language models in user
simulation for task-oriented dialog systems, specifically focusing on an
in-context learning approach. By harnessing the power of these models, the
proposed approach generates diverse utterances based on user goals and limited
dialog examples. Unlike traditional simulators, this method eliminates the need
for labor-intensive rule definition or extensive annotated data, making it more
efficient and accessible. Additionally, an error analysis of the interaction
between the user simulator and dialog system uncovers common mistakes,
providing valuable insights into areas that require improvement. Our
implementation is available at
https://github.com/telepathylabsai/prompt-based-user-simulator. | cs.CL | In-Context Learning User Simulators for Task-Oriented Dialog Systems |
2023-06-01T15:00:39Z | http://arxiv.org/pdf/2306.00765v1 | http://arxiv.org/abs/2306.00765v1 | Erik Arakelyan, Arnav Arora, Isabelle Augenstein | 2023-06-01T15:00:39Z | cs.CL, cs.AI, cs.IR, stat.CO, stat.ML | Stance Detection is concerned with identifying the attitudes expressed by an
author towards a target of interest. This task spans a variety of domains
ranging from social media opinion identification to detecting the stance for a
legal claim. However, the framing of the task varies within these domains, in
terms of the data collection protocol, the label dictionary and the number of
available annotations. Furthermore, these stance annotations are significantly
imbalanced on a per-topic and inter-topic basis. These make multi-domain stance
detection a challenging task, requiring standardization and domain adaptation.
To overcome this challenge, we propose $\textbf{T}$opic $\textbf{E}$fficient
$\textbf{St}$anc$\textbf{E}$ $\textbf{D}$etection (TESTED), consisting of a
topic-guided diversity sampling technique and a contrastive objective that is
used for fine-tuning a stance classifier. We evaluate the method on an existing
benchmark of $16$ datasets with in-domain, i.e. all topics seen and
out-of-domain, i.e. unseen topics, experiments. The results show that our
method outperforms the state-of-the-art with an average of $3.5$ F1 points
increase in-domain, and is more generalizable with an averaged increase of
$10.2$ F1 on out-of-domain evaluation while using $\leq10\%$ of the training
data. We show that our sampling technique mitigates both inter- and per-topic
class imbalances. Finally, our analysis demonstrates that the contrastive
learning objective allows the model a more pronounced segmentation of samples
with varying labels. | cs.CL | Topic-Guided Sampling For Data-Efficient Multi-Domain Stance Detection |
2023-06-01T14:56:19Z | http://arxiv.org/pdf/2306.01031v1 | http://arxiv.org/abs/2306.01031v1 | Dongji Gao, Matthew Wiesner, Hainan Xu, Leibny Paola Garcia, Daniel Povey, Sanjeev Khudanpur | 2023-06-01T14:56:19Z | cs.CL, cs.LG, cs.SD, eess.AS | This paper presents a novel algorithm for building an automatic speech
recognition (ASR) model with imperfect training data. Imperfectly transcribed
speech is a prevalent issue in human-annotated speech corpora, which degrades
the performance of ASR models. To address this problem, we propose Bypass
Temporal Classification (BTC) as an expansion of the Connectionist Temporal
Classification (CTC) criterion. BTC explicitly encodes the uncertainties
associated with transcripts during training. This is accomplished by enhancing
the flexibility of the training graph, which is implemented as a weighted
finite-state transducer (WFST) composition. The proposed algorithm improves the
robustness and accuracy of ASR systems, particularly when working with
imprecisely transcribed speech corpora. Our implementation will be
open-sourced. | cs.CL | Bypass Temporal Classification: Weakly Supervised Automatic Speech Recognition with Imperfect Transcripts |
2023-06-01T14:50:39Z | http://arxiv.org/pdf/2306.00755v1 | http://arxiv.org/abs/2306.00755v1 | Yuting Yang, Yuke Li, Binbin Du | 2023-06-01T14:50:39Z | cs.CL, cs.SD, eess.AS | The unified streaming and non-streaming speech recognition model has achieved
great success due to its comprehensive capabilities. In this paper, we propose
to improve the accuracy of the unified model by bridging the inherent
representation gap between the streaming and non-streaming modes with a
contrastive objective. Specifically, the top-layer hidden representation at the
same frame of the streaming and non-streaming modes are regarded as a positive
pair, encouraging the representation of the streaming mode close to its
non-streaming counterpart. The multiple negative samples are randomly selected
from the rest frames of the same sample under the non-streaming mode.
Experimental results demonstrate that the proposed method achieves consistent
improvements toward the unified model in both streaming and non-streaming
modes. Our method achieves CER of 4.66% in the streaming mode and CER of 4.31%
in the non-streaming mode, which sets a new state-of-the-art on the AISHELL-1
benchmark. | cs.CL | Enhancing the Unified Streaming and Non-streaming Model with Contrastive Learning |
2023-06-01T14:46:34Z | http://arxiv.org/pdf/2306.00751v1 | http://arxiv.org/abs/2306.00751v1 | Paul Soulos, Edward Hu, Kate McCurdy, Yunmo Chen, Roland Fernandez, Paul Smolensky, Jianfeng Gao | 2023-06-01T14:46:34Z | cs.CL, cs.LG | In the context of structure-to-structure transformation tasks, learning
sequences of discrete symbolic operations poses significant challenges due to
their non-differentiability. To facilitate the learning of these symbolic
sequences, we introduce a differentiable tree interpreter that compiles
high-level symbolic tree operations into subsymbolic matrix operations on
tensors. We present a novel Differentiable Tree Machine (DTM) architecture that
integrates our interpreter with an external memory and an agent that learns to
sequentially select tree operations to execute the target transformation in an
end-to-end manner. With respect to out-of-distribution compositional
generalization on synthetic semantic parsing and language generation tasks, DTM
achieves 100% while existing baselines such as Transformer, Tree Transformer,
LSTM, and Tree2Tree LSTM achieve less than 30%. DTM remains highly
interpretable in addition to its perfect performance. | cs.CL | Differentiable Tree Operations Promote Compositional Generalization |
2023-06-01T14:40:52Z | http://arxiv.org/pdf/2306.00745v2 | http://arxiv.org/abs/2306.00745v2 | Keti Korini, Christian Bizer | 2023-07-30T12:07:34Z | cs.CL | Column type annotation is the task of annotating the columns of a relational
table with the semantic type of the values contained in each column. Column
type annotation is an important pre-processing step for data search and data
integration in the context of data lakes. State-of-the-art column type
annotation methods either rely on matching table columns to properties of a
knowledge graph or fine-tune pre-trained language models such as BERT for
column type annotation. In this work, we take a different approach and explore
using ChatGPT for column type annotation. We evaluate different prompt designs
in zero- and few-shot settings and experiment with providing task definitions
and detailed instructions to the model. We further implement a two-step table
annotation pipeline which first determines the class of the entities described
in the table and depending on this class asks ChatGPT to annotate columns using
only the relevant subset of the overall vocabulary. Using instructions as well
as the two-step pipeline, ChatGPT reaches F1 scores of over 85% in zero- and
one-shot setups. To reach a similar F1 score a RoBERTa model needs to be
fine-tuned with 356 examples. This comparison shows that ChatGPT is able
deliver competitive results for the column type annotation task given no or
only a minimal amount of task-specific demonstrations. | cs.CL | Column Type Annotation using ChatGPT |
2023-06-01T14:32:34Z | http://arxiv.org/pdf/2306.00738v2 | http://arxiv.org/abs/2306.00738v2 | Dana Arad, Hadas Orgad, Yonatan Belinkov | 2024-05-07T10:26:44Z | cs.CL, cs.CV, 68T50, I.2.7 | Our world is marked by unprecedented technological, global, and
socio-political transformations, posing a significant challenge to
text-to-image generative models. These models encode factual associations
within their parameters that can quickly become outdated, diminishing their
utility for end-users. To that end, we introduce ReFACT, a novel approach for
editing factual associations in text-to-image models without relaying on
explicit input from end-users or costly re-training. ReFACT updates the weights
of a specific layer in the text encoder, modifying only a tiny portion of the
model's parameters and leaving the rest of the model unaffected. We empirically
evaluate ReFACT on an existing benchmark, alongside a newly curated dataset.
Compared to other methods, ReFACT achieves superior performance in both
generalization to related concepts and preservation of unrelated concepts.
Furthermore, ReFACT maintains image generation quality, making it a practical
tool for updating and correcting factual information in text-to-image models. | cs.CL | ReFACT: Updating Text-to-Image Models by Editing the Text Encoder |
2023-06-01T14:16:53Z | http://arxiv.org/pdf/2306.00708v1 | http://arxiv.org/abs/2306.00708v1 | Ivan Rep, Vladimir Čeperić | 2023-06-01T14:16:53Z | cs.CL, I.2.7 | Semantic textual similarity is the task of estimating the similarity between
the meaning of two texts. In this paper, we fine-tune transformer architectures
for semantic textual similarity on the Semantic Textual Similarity Benchmark by
tuning the model partially and then end-to-end. We experiment with BERT,
RoBERTa, and DeBERTaV3 cross-encoders by approaching the problem as a binary
classification task or a regression task. We combine the outputs of the
transformer models and use handmade features as inputs for boosting algorithms.
Due to worse test set results coupled with improvements on the validation set,
we experiment with different dataset splits to further investigate this
occurrence. We also provide an error analysis, focused on the edges of the
prediction range. | cs.CL | Boosting the Performance of Transformer Architectures for Semantic Textual Similarity |
2023-06-01T14:07:19Z | http://arxiv.org/pdf/2306.00697v1 | http://arxiv.org/abs/2306.00697v1 | Joonyong Park, Shinnosuke Takamichi, Tomohiko Nakamura, Kentaro Seki, Detai Xin, Hiroshi Saruwatari | 2023-06-01T14:07:19Z | cs.CL, cs.AI, eess.AS | We examine the speech modeling potential of generative spoken language
modeling (GSLM), which involves using learned symbols derived from data rather
than phonemes for speech analysis and synthesis. Since GSLM facilitates
textless spoken language processing, exploring its effectiveness is critical
for paving the way for novel paradigms in spoken-language processing. This
paper presents the findings of GSLM's encoding and decoding effectiveness at
the spoken-language and speech levels. Through speech resynthesis experiments,
we revealed that resynthesis errors occur at the levels ranging from phonology
to syntactics and GSLM frequently resynthesizes natural but content-altered
speech. | cs.CL | How Generative Spoken Language Modeling Encodes Noisy Speech: Investigation from Phonetics to Syntactics |
2023-06-01T13:44:45Z | http://arxiv.org/pdf/2306.00672v1 | http://arxiv.org/abs/2306.00672v1 | Mohamed Elaraby, Yang Zhong, Diane Litman | 2023-06-01T13:44:45Z | cs.CL | We propose a simple approach for the abstractive summarization of long legal
opinions that considers the argument structure of the document. Legal opinions
often contain complex and nuanced argumentation, making it challenging to
generate a concise summary that accurately captures the main points of the
legal opinion. Our approach involves using argument role information to
generate multiple candidate summaries, then reranking these candidates based on
alignment with the document's argument structure. We demonstrate the
effectiveness of our approach on a dataset of long legal opinions and show that
it outperforms several strong baselines. | cs.CL | Towards Argument-Aware Abstractive Summarization of Long Legal Opinions with Summary Reranking |
2023-06-01T13:39:33Z | http://arxiv.org/pdf/2306.00667v1 | http://arxiv.org/abs/2306.00667v1 | Zhexiong Liu, Diane Litman, Elaine Wang, Lindsay Matsumura, Richard Correnti | 2023-06-01T13:39:33Z | cs.CL, cs.AI | The ability to revise in response to feedback is critical to students'
writing success. In the case of argument writing in specific, identifying
whether an argument revision (AR) is successful or not is a complex problem
because AR quality is dependent on the overall content of an argument. For
example, adding the same evidence sentence could strengthen or weaken existing
claims in different argument contexts (ACs). To address this issue we developed
Chain-of-Thought prompts to facilitate ChatGPT-generated ACs for AR quality
predictions. The experiments on two corpora, our annotated elementary essays
and existing college essays benchmark, demonstrate the superiority of the
proposed ACs over baselines. | cs.CL | Predicting the Quality of Revisions in Argumentative Writing |
2023-06-01T13:37:55Z | http://arxiv.org/pdf/2306.00665v1 | http://arxiv.org/abs/2306.00665v1 | François Remy, Thomas Demeester | 2023-06-01T13:37:55Z | cs.CL | Background: More than 400,000 biomedical concepts and some of their
relationships are contained in SnomedCT, a comprehensive biomedical ontology.
However, their concept names are not always readily interpretable by
non-experts, or patients looking at their own electronic health records (EHR).
Clear definitions or descriptions in understandable language are often not
available. Therefore, generating human-readable definitions for biomedical
concepts might help make the information they encode more accessible and
understandable to a wider public.
Objective: In this article, we introduce the Automatic Glossary of Clinical
Terminology (AGCT), a large-scale biomedical dictionary of clinical concepts
generated using high-quality information extracted from the biomedical
knowledge contained in SnomedCT.
Methods: We generate a novel definition for every SnomedCT concept, after
prompting the OpenAI Turbo model, a variant of GPT 3.5, using a high-quality
verbalization of the SnomedCT relationships of the to-be-defined concept. A
significant subset of the generated definitions was subsequently judged by NLP
researchers with biomedical expertise on 5-point scales along the following
three axes: factuality, insight, and fluency.
Results: AGCT contains 422,070 computer-generated definitions for SnomedCT
concepts, covering various domains such as diseases, procedures, drugs, and
anatomy. The average length of the definitions is 49 words. The definitions
were assigned average scores of over 4.5 out of 5 on all three axes, indicating
a majority of factual, insightful, and fluent definitions.
Conclusion: AGCT is a novel and valuable resource for biomedical tasks that
require human-readable definitions for SnomedCT concepts. It can also serve as
a base for developing robust biomedical retrieval models or other applications
that leverage natural language understanding of biomedical knowledge. | cs.CL | Automatic Glossary of Clinical Terminology: a Large-Scale Dictionary of Biomedical Definitions Generated from Ontological Knowledge |
2023-06-01T13:34:21Z | http://arxiv.org/pdf/2306.00660v1 | http://arxiv.org/abs/2306.00660v1 | Juuso Eronen, Michal Ptaszynski, Karol Nowakowski, Zheng Lin Chia, Fumito Masui | 2023-06-01T13:34:21Z | cs.CL | This paper investigates the impact of data volume and the use of similar
languages on transfer learning in a machine translation task. We find out that
having more data generally leads to better performance, as it allows the model
to learn more patterns and generalizations from the data. However, related
languages can also be particularly effective when there is limited data
available for a specific language pair, as the model can leverage the
similarities between the languages to improve performance. To demonstrate, we
fine-tune mBART model for a Polish-English translation task using the OPUS-100
dataset. We evaluate the performance of the model under various transfer
learning configurations, including different transfer source languages and
different shot levels for Polish, and report the results. Our experiments show
that a combination of related languages and larger amounts of data outperforms
the model trained on related languages or larger amounts of data alone.
Additionally, we show the importance of related languages in zero-shot and
few-shot configurations. | cs.CL | Improving Polish to English Neural Machine Translation with Transfer Learning: Effects of Data Volume and Language Similarity |
2023-06-01T13:20:22Z | http://arxiv.org/pdf/2306.00652v1 | http://arxiv.org/abs/2306.00652v1 | Han Cui, Shangzhan Li, Yu Zhang, Qi Shi | 2023-06-01T13:20:22Z | cs.CL, cs.AI | The generation of explanation graphs is a significant task that aims to
produce explanation graphs in response to user input, revealing the internal
reasoning process. This task is challenging due to the significant discrepancy
between unstructured user queries and structured explanation graphs. Current
research commonly fine-tunes a text-based pre-trained language model on a small
downstream dataset that is annotated with labeled graphs. However, due to the
limited scale of available datasets, this approach may prove to be insufficient
in bridging the gap between natural language text and structured graphs. In
this paper, to alleviate the above limitations, we propose a novel pre-trained
framework EG3P(for Explanation Graph Generation via Generative Pre-training
over synthetic graphs) for the explanation graph generation task. Specifically,
we first propose a text-to-graph generative task to pre-train the model with
the goal of bridging the text-graph gap. Additionally, we propose an automatic
corpus synthesis strategy for synthesizing a large scale of high-quality
corpus, reducing the reliance on costly manual annotation methods. Experimental
results on ExplaGraphs show the effectiveness of EG3P that our model surpasses
all baseline systems with remarkable margins. Besides, further analysis
demonstrates that EG3P is able to generate better explanation graphs on actual
reasoning tasks such as CommonsenseQA and OpenbookQA. | cs.CL | Explanation Graph Generation via Generative Pre-training over Synthetic Graphs |
2023-06-01T13:10:48Z | http://arxiv.org/pdf/2306.00645v1 | http://arxiv.org/abs/2306.00645v1 | Jiaxi Li, Wei Lu | 2023-06-01T13:10:48Z | cs.CL | Recent advancements in pre-trained language models (PLMs) have demonstrated
that these models possess some degree of syntactic awareness. To leverage this
knowledge, we propose a novel chart-based method for extracting parse trees
from masked language models (LMs) without the need to train separate parsers.
Our method computes a score for each span based on the distortion of contextual
representations resulting from linguistic perturbations. We design a set of
perturbations motivated by the linguistic concept of constituency tests, and
use these to score each span by aggregating the distortion scores. To produce a
parse tree, we use chart parsing to find the tree with the minimum score. Our
method consistently outperforms previous state-of-the-art methods on English
with masked LMs, and also demonstrates superior performance in a multilingual
setting, outperforming the state of the art in 6 out of 8 languages. Notably,
although our method does not involve parameter updates or extensive
hyperparameter search, its performance can even surpass some unsupervised
parsing methods that require fine-tuning. Our analysis highlights that the
distortion of contextual representation resulting from syntactic perturbation
can serve as an effective indicator of constituency across languages. | cs.CL | Contextual Distortion Reveals Constituency: Masked Language Models are Implicit Parsers |
2023-06-01T13:06:43Z | http://arxiv.org/pdf/2306.00639v2 | http://arxiv.org/abs/2306.00639v2 | Terne Sasha Thorn Jakobsen, Laura Cabello, Anders Søgaard | 2023-10-13T14:28:03Z | cs.CL, cs.HC | Explainability methods are used to benchmark the extent to which model
predictions align with human rationales i.e., are 'right for the right
reasons'. Previous work has failed to acknowledge, however, that what counts as
a rationale is sometimes subjective. This paper presents what we think is a
first of its kind, a collection of human rationale annotations augmented with
the annotators demographic information. We cover three datasets spanning
sentiment analysis and common-sense reasoning, and six demographic groups
(balanced across age and ethnicity). Such data enables us to ask both what
demographics our predictions align with and whose reasoning patterns our
models' rationales align with. We find systematic inter-group annotator
disagreement and show how 16 Transformer-based models align better with
rationales provided by certain demographic groups: We find that models are
biased towards aligning best with older and/or white annotators. We zoom in on
the effects of model size and model distillation, finding -- contrary to our
expectations -- negative correlations between model size and rationale
agreement as well as no evidence that either model size or model distillation
improves fairness. | cs.CL | Being Right for Whose Right Reasons? |
2023-06-01T12:45:53Z | http://arxiv.org/pdf/2306.00622v1 | http://arxiv.org/abs/2306.00622v1 | Ryan Liu, Nihar B. Shah | 2023-06-01T12:45:53Z | cs.CL, cs.AI, cs.DL | Given the rapid ascent of large language models (LLMs), we study the
question: (How) can large language models help in reviewing of scientific
papers or proposals? We first conduct some pilot studies where we find that (i)
GPT-4 outperforms other LLMs (Bard, Vicuna, Koala, Alpaca, LLaMa, Dolly,
OpenAssistant, StableLM), and (ii) prompting with a specific question (e.g., to
identify errors) outperforms prompting to simply write a review. With these
insights, we study the use of LLMs (specifically, GPT-4) for three tasks:
1. Identifying errors: We construct 13 short computer science papers each
with a deliberately inserted error, and ask the LLM to check for the
correctness of these papers. We observe that the LLM finds errors in 7 of them,
spanning both mathematical and conceptual errors.
2. Verifying checklists: We task the LLM to verify 16 closed-ended checklist
questions in the respective sections of 15 NeurIPS 2022 papers. We find that
across 119 {checklist question, paper} pairs, the LLM had an 86.6% accuracy.
3. Choosing the "better" paper: We generate 10 pairs of abstracts,
deliberately designing each pair in such a way that one abstract was clearly
superior than the other. The LLM, however, struggled to discern these
relatively straightforward distinctions accurately, committing errors in its
evaluations for 6 out of the 10 pairs.
Based on these experiments, we think that LLMs have a promising use as
reviewing assistants for specific reviewing tasks, but not (yet) for complete
evaluations of papers or proposals. | cs.CL | ReviewerGPT? An Exploratory Study on Using Large Language Models for Paper Reviewing |
2023-06-01T12:44:33Z | http://arxiv.org/pdf/2306.00618v2 | http://arxiv.org/abs/2306.00618v2 | Weisen Jiang, Yu Zhang, James T. Kwok | 2024-03-21T13:37:23Z | cs.CL, cs.AI, cs.LG | Prompt tuning for pre-trained masked language models (MLM) has shown
promising performance in natural language processing tasks with few labeled
examples. It tunes a prompt for the downstream task, and a verbalizer is used
to bridge the predicted token and label prediction. Due to the limited training
data, prompt initialization is crucial for prompt tuning. Recently,
MetaPrompting (Hou et al., 2022) uses meta-learning to learn a shared
initialization for all task-specific prompts. However, a single initialization
is insufficient to obtain good prompts for all tasks and samples when the tasks
are complex. Moreover, MetaPrompting requires tuning the whole MLM, causing a
heavy burden on computation and memory as the MLM is usually large. To address
these issues, we use a prompt pool to extract more task knowledge and construct
instance-dependent prompts via attention. We further propose a novel soft
verbalizer (RepVerb) which constructs label embedding from feature embeddings
directly. Combining meta-learning the prompt pool and RepVerb, we propose
MetaPrompter for effective structured prompting. MetaPrompter is
parameter-efficient as only the pool is required to be tuned. Experimental
results demonstrate that MetaPrompter performs better than the recent
state-of-the-arts and RepVerb outperforms existing soft verbalizers. | cs.CL | Effective Structured Prompting by Meta-Learning and Representative Verbalizer |
2023-06-01T11:42:34Z | http://arxiv.org/pdf/2306.03773v1 | http://arxiv.org/abs/2306.03773v1 | Lucas Maison, Yannick Estève | 2023-06-01T11:42:34Z | eess.AS, cs.CL, cs.LG, cs.SD | Automatic speech recognition (ASR) systems become increasingly efficient
thanks to new advances in neural network training like self-supervised
learning. However, they are known to be unfair toward certain groups, for
instance, people speaking with an accent. In this work, we use the French
Common Voice dataset to quantify the biases of a pre-trained wav2vec~2.0 model
toward several demographic groups. By fine-tuning the pre-trained model on a
variety of fixed-size, carefully crafted training sets, we demonstrate the
importance of speaker diversity. We also run an in-depth analysis of the Common
Voice corpus and identify important shortcomings that should be taken into
account by users of this dataset. | eess.AS | Some voices are too common: Building fair speech recognition systems using the Common Voice dataset |
2023-06-01T11:14:15Z | http://arxiv.org/pdf/2306.00551v2 | http://arxiv.org/abs/2306.00551v2 | Arun Balajiee Lekshmi Narayanan, Rully Agus Hendrawan, Venktesh V | 2023-06-06T16:27:57Z | cs.CL, cs.HC | Digital textbooks have become an integral part of everyday learning tasks. In
this work, we consider the use of digital textbooks for programming classes.
Generally, students struggle with utilizing textbooks on programming to the
maximum, with a possible reason being that the example programs provided as
illustration of concepts in these textbooks don't offer sufficient
interactivity for students, and thereby not sufficiently motivating to explore
or understand these programming examples better. In our work, we explore the
idea of enhancing the navigability of intelligent textbooks with the use of
``counterfactual'' questions, to make students think critically about these
programs and enhance possible program comprehension. Inspired from previous
works on nudging students on counter factual thinking, we present the
possibility to enhance digital textbooks with questions generated using GPT. | cs.CL | Enhancing Programming eTextbooks with ChatGPT Generated Counterfactual-Thinking-Inspired Questions |
2023-06-01T11:11:39Z | http://arxiv.org/pdf/2306.00550v1 | http://arxiv.org/abs/2306.00550v1 | Yuxin Tang | 2023-06-01T11:11:39Z | cs.LG, cs.AI, cs.CL | Recently, Large Language Models (LLMs) have demonstrated remarkable
capabilities. Chain-of-Thought (CoT) has been proposed as a way of assisting
LLMs in performing complex reasoning. However, developing effective prompts can
be a challenging and labor-intensive task. Many studies come out of some way to
automatically construct CoT from test data. Most of them assume that all test
data is visible before testing and only select a small subset to generate
rationales, which is an unrealistic assumption. In this paper, we present a
case study on how to construct and optimize chain-of-thought prompting using
batch data in streaming settings. | cs.LG | Chain-Of-Thought Prompting Under Streaming Batch: A Case Study |
2023-06-01T10:46:08Z | http://arxiv.org/pdf/2306.00539v1 | http://arxiv.org/abs/2306.00539v1 | Phil Ostheimer, Mayank Nagda, Marius Kloft, Sophie Fellenz | 2023-06-01T10:46:08Z | cs.LG, cs.CL | Text Style Transfer (TST) evaluation is, in practice, inconsistent.
Therefore, we conduct a meta-analysis on human and automated TST evaluation and
experimentation that thoroughly examines existing literature in the field. The
meta-analysis reveals a substantial standardization gap in human and automated
evaluation. In addition, we also find a validation gap: only few automated
metrics have been validated using human experiments. To this end, we thoroughly
scrutinize both the standardization and validation gap and reveal the resulting
pitfalls. This work also paves the way to close the standardization and
validation gap in TST evaluation by calling out requirements to be met by
future research. | cs.LG | A Call for Standardization and Validation of Text Style Transfer Evaluation |
2023-06-01T10:42:56Z | http://arxiv.org/pdf/2306.00535v1 | http://arxiv.org/abs/2306.00535v1 | Phat Do, Matt Coler, Jelske Dijkstra, Esther Klabbers | 2023-06-01T10:42:56Z | cs.CL, eess.AS | We compare phone labels and articulatory features as input for cross-lingual
transfer learning in text-to-speech (TTS) for low-resource languages (LRLs).
Experiments with FastSpeech 2 and the LRL West Frisian show that using
articulatory features outperformed using phone labels in both intelligibility
and naturalness. For LRLs without pronunciation dictionaries, we propose two
novel approaches: a) using a massively multilingual model to convert
grapheme-to-phone (G2P) in both training and synthesizing, and b) using a
universal phone recognizer to create a makeshift dictionary. Results show that
the G2P approach performs largely on par with using a ground-truth dictionary
and the phone recognition approach, while performing generally worse, remains a
viable option for LRLs less suitable for the G2P approach. Within each
approach, using articulatory features as input outperforms using phone labels. | cs.CL | The Effects of Input Type and Pronunciation Dictionary Usage in Transfer Learning for Low-Resource Text-to-Speech |
2023-06-01T10:28:12Z | http://arxiv.org/pdf/2306.00526v4 | http://arxiv.org/abs/2306.00526v4 | Wenjin Wang, Yunhao Li, Yixin Ou, Yin Zhang | 2023-09-07T08:40:16Z | cs.CL, cs.AI, cs.CV | Layout-aware pre-trained models has achieved significant progress on document
image question answering. They introduce extra learnable modules into existing
language models to capture layout information within document images from text
bounding box coordinates obtained by OCR tools. However, extra modules
necessitate pre-training on extensive document images. This prevents these
methods from directly utilizing off-the-shelf instruction-tuning language
foundation models, which have recently shown promising potential in zero-shot
learning. Instead, in this paper, we find that instruction-tuning language
models like Claude and ChatGPT can understand layout by spaces and line breaks.
Based on this observation, we propose the LAyout and Task aware Instruction
Prompt (LATIN-Prompt), which consists of layout-aware document content and
task-aware instruction. Specifically, the former uses appropriate spaces and
line breaks to recover the layout information among text segments obtained by
OCR tools, and the latter ensures that generated answers adhere to formatting
requirements. Moreover, we propose the LAyout and Task aware Instruction Tuning
(LATIN-Tuning) to improve the performance of small instruction-tuning models
like Alpaca. Experimental results show that LATIN-Prompt enables zero-shot
performance of Claude and ChatGPT to be comparable to the fine-tuning
performance of SOTAs on document image question answering, and LATIN-Tuning
enhances the zero-shot performance of Alpaca significantly. For example,
LATIN-Prompt improves the performance of Claude and ChatGPT on DocVQA by 263%
and 20% respectively. LATIN-Tuning improves the performance of Alpaca on DocVQA
by 87.7%. Quantitative and qualitative analyses demonstrate the effectiveness
of LATIN-Prompt and LATIN-Tuning. We provide the code in supplementary and will
release it to facilitate future research. | cs.CL | Layout and Task Aware Instruction Prompt for Zero-shot Document Image Question Answering |
2023-06-01T09:54:31Z | http://arxiv.org/pdf/2306.00503v1 | http://arxiv.org/abs/2306.00503v1 | Guangyuan Jiang, Manjie Xu, Shiji Xin, Wei Liang, Yujia Peng, Chi Zhang, Yixin Zhu | 2023-06-01T09:54:31Z | cs.CL, cs.AI, cs.CV, cs.LG | Without explicit feedback, humans can rapidly learn the meaning of words.
Children can acquire a new word after just a few passive exposures, a process
known as fast mapping. This word learning capability is believed to be the most
fundamental building block of multimodal understanding and reasoning. Despite
recent advancements in multimodal learning, a systematic and rigorous
evaluation is still missing for human-like word learning in machines. To fill
in this gap, we introduce the MachinE Word Learning (MEWL) benchmark to assess
how machines learn word meaning in grounded visual scenes. MEWL covers human's
core cognitive toolkits in word learning: cross-situational reasoning,
bootstrapping, and pragmatic learning. Specifically, MEWL is a few-shot
benchmark suite consisting of nine tasks for probing various word learning
capabilities. These tasks are carefully designed to be aligned with the
children's core abilities in word learning and echo the theories in the
developmental literature. By evaluating multimodal and unimodal agents'
performance with a comparative analysis of human performance, we notice a sharp
divergence in human and machine word learning. We further discuss these
differences between humans and machines and call for human-like few-shot word
learning in machines. | cs.CL | MEWL: Few-shot multimodal word learning with referential uncertainty |
2023-06-01T09:53:53Z | http://arxiv.org/pdf/2306.00502v1 | http://arxiv.org/abs/2306.00502v1 | Yuxin He, Jingyue Hu, Buzhou Tang | 2023-06-01T09:53:53Z | cs.CL, cs.AI | Event co-occurrences have been proved effective for event extraction (EE) in
previous studies, but have not been considered for event argument extraction
(EAE) recently. In this paper, we try to fill this gap between EE research and
EAE research, by highlighting the question that ``Can EAE models learn better
when being aware of event co-occurrences?''. To answer this question, we
reformulate EAE as a problem of table generation and extend a SOTA prompt-based
EAE model into a non-autoregressive generation framework, called TabEAE, which
is able to extract the arguments of multiple events in parallel. Under this
framework, we experiment with 3 different training-inference schemes on 4
datasets (ACE05, RAMS, WikiEvents and MLEE) and discover that via training the
model to extract all events in parallel, it can better distinguish the semantic
boundary of each event and its ability to extract single event gets
substantially improved. Experimental results show that our method achieves new
state-of-the-art performance on the 4 datasets. Our code is avilable at
https://github.com/Stardust-hyx/TabEAE. | cs.CL | Revisiting Event Argument Extraction: Can EAE Models Learn Better When Being Aware of Event Co-occurrences? |
2023-06-01T09:31:57Z | http://arxiv.org/pdf/2306.00482v1 | http://arxiv.org/abs/2306.00482v1 | Eda Okur, Roddy Fuentes Alba, Saurav Sahay, Lama Nachman | 2023-06-01T09:31:57Z | cs.CY, cs.CL, cs.SD, eess.AS, math.HO | Enriching the quality of early childhood education with interactive math
learning at home systems, empowered by recent advances in conversational AI
technologies, is slowly becoming a reality. With this motivation, we implement
a multimodal dialogue system to support play-based learning experiences at
home, guiding kids to master basic math concepts. This work explores Spoken
Language Understanding (SLU) pipeline within a task-oriented dialogue system
developed for Kid Space, with cascading Automatic Speech Recognition (ASR) and
Natural Language Understanding (NLU) components evaluated on our home
deployment data with kids going through gamified math learning activities. We
validate the advantages of a multi-task architecture for NLU and experiment
with a diverse set of pretrained language representations for Intent
Recognition and Entity Extraction tasks in the math learning domain. To
recognize kids' speech in realistic home environments, we investigate several
ASR systems, including the commercial Google Cloud and the latest open-source
Whisper solutions with varying model sizes. We evaluate the SLU pipeline by
testing our best-performing NLU models on noisy ASR output to inspect the
challenges of understanding children for math learning in authentic homes. | cs.CY | Inspecting Spoken Language Understanding from Kids for Basic Math Learning at Home |
2023-06-01T09:30:24Z | http://arxiv.org/pdf/2306.00480v2 | http://arxiv.org/abs/2306.00480v2 | Jonathan Feldstein, Modestas Jurčius, Efthymia Tsamoura | 2023-06-14T14:25:38Z | cs.AI, cs.CL | Parallel neurosymbolic architectures have been applied effectively in NLP by
distilling knowledge from a logic theory into a deep model.However, prior art
faces several limitations including supporting restricted forms of logic
theories and relying on the assumption of independence between the logic and
the deep network. We present Concordia, a framework overcoming the limitations
of prior art. Concordia is agnostic both to the deep network and the logic
theory offering support for a wide range of probabilistic theories. Our
framework can support supervised training of both components and unsupervised
training of the neural component. Concordia has been successfully applied to
tasks beyond NLP and data classification, improving the accuracy of
state-of-the-art on collective activity detection, entity linking and
recommendation tasks. | cs.AI | Parallel Neurosymbolic Integration with Concordia |
2023-06-01T09:26:17Z | http://arxiv.org/pdf/2306.00477v4 | http://arxiv.org/abs/2306.00477v4 | Baohao Liao, Shaomu Tan, Christof Monz | 2023-10-19T16:03:31Z | cs.CL, cs.AI, cs.LG | Parameter-efficient fine-tuning (PEFT) of pre-trained language models (PLMs)
has emerged as a highly successful approach, with training only a small number
of parameters without sacrificing performance and becoming the de-facto
learning paradigm with the increasing size of PLMs. However, existing PEFT
methods are not memory-efficient, because they still require caching most of
the intermediate activations for the gradient calculation, akin to fine-tuning.
One effective way to reduce the activation memory is to apply a reversible
model, so the intermediate activations are not necessary to be cached and can
be recomputed. Nevertheless, modifying a PLM to its reversible variant is not
straightforward, since the reversible model has a distinct architecture from
the currently released PLMs. In this paper, we first investigate what is a key
factor for the success of existing PEFT methods, and realize that it's
essential to preserve the PLM's starting point when initializing a PEFT method.
With this finding, we propose memory-efficient fine-tuning (MEFT) that inserts
adapters into a PLM, preserving the PLM's starting point and making it
reversible without additional pre-training. We evaluate MEFT on the GLUE
benchmark and five question-answering tasks with various backbones, BERT,
RoBERTa, BART and OPT. MEFT significantly reduces the activation memory up to
84% of full fine-tuning with a negligible amount of trainable parameters.
Moreover, MEFT achieves the same score on GLUE and a comparable score on the
question-answering tasks as full fine-tuning. A similar finding is also
observed for the image classification task. | cs.CL | Make Pre-trained Model Reversible: From Parameter to Memory Efficient Fine-Tuning |
2023-06-01T09:01:48Z | http://arxiv.org/pdf/2306.00458v2 | http://arxiv.org/abs/2306.00458v2 | Katharina Hämmerl, Alina Fastowski, Jindřich Libovický, Alexander Fraser | 2023-06-07T12:55:49Z | cs.CL | Previous work has shown that the representations output by contextual
language models are more anisotropic than static type embeddings, and typically
display outlier dimensions. This seems to be true for both monolingual and
multilingual models, although much less work has been done on the multilingual
context. Why these outliers occur and how they affect the representations is
still an active area of research. We investigate outlier dimensions and their
relationship to anisotropy in multiple pre-trained multilingual language
models. We focus on cross-lingual semantic similarity tasks, as these are
natural tasks for evaluating multilingual representations. Specifically, we
examine sentence representations. Sentence transformers which are fine-tuned on
parallel resources (that are not always available) perform better on this task,
and we show that their representations are more isotropic. However, we aim to
improve multilingual representations in general. We investigate how much of the
performance difference can be made up by only transforming the embedding space
without fine-tuning, and visualise the resulting spaces. We test different
operations: Removing individual outlier dimensions, cluster-based isotropy
enhancement, and ZCA whitening. We publish our code for reproducibility. | cs.CL | Exploring Anisotropy and Outliers in Multilingual Language Models for Cross-Lingual Semantic Sentence Similarity |
2023-06-01T08:34:26Z | http://arxiv.org/pdf/2306.00445v1 | http://arxiv.org/abs/2306.00445v1 | A. A. Gurin, T. M. Sadykov, T. A. Zhukov | 2023-06-01T08:34:26Z | cs.CL, cs.AI | We present a set of deterministic algorithms for Russian inflection and
automated text synthesis. These algorithms are implemented in a publicly
available web-service www.passare.ru. This service provides functions for
inflection of single words, word matching and synthesis of grammatically
correct Russian text. Selected code and datasets are available at
https://github.com/passare-ru/PassareFunctions/ Performance of the inflectional
functions has been tested against the annotated corpus of Russian language
OpenCorpora, compared with that of other solutions, and used for estimating the
morphological variability and complexity of different parts of speech in
Russian. | cs.CL | A big data approach towards sarcasm detection in Russian |
2023-06-01T08:27:00Z | http://arxiv.org/pdf/2306.00437v1 | http://arxiv.org/abs/2306.00437v1 | Gosse Minnema, Huiyuan Lai, Benedetta Muscato, Malvina Nissim | 2023-06-01T08:27:00Z | cs.CL | Different ways of linguistically expressing the same real-world event can
lead to different perceptions of what happened. Previous work has shown that
different descriptions of gender-based violence (GBV) influence the reader's
perception of who is to blame for the violence, possibly reinforcing
stereotypes which see the victim as partly responsible, too. As a contribution
to raise awareness on perspective-based writing, and to facilitate access to
alternative perspectives, we introduce the novel task of automatically
rewriting GBV descriptions as a means to alter the perceived level of
responsibility on the perpetrator. We present a quasi-parallel dataset of
sentences with low and high perceived responsibility levels for the
perpetrator, and experiment with unsupervised (mBART-based), zero-shot and
few-shot (GPT3-based) methods for rewriting sentences. We evaluate our models
using a questionnaire study and a suite of automatic metrics. | cs.CL | Responsibility Perspective Transfer for Italian Femicide News |
2023-06-01T08:22:21Z | http://arxiv.org/pdf/2306.00435v1 | http://arxiv.org/abs/2306.00435v1 | Chen Zhang, Jiuheng Lin, Xiao Liu, Yuxuan Lai, Yansong Feng, Dongyan Zhao | 2023-06-01T08:22:21Z | cs.CL | The multi-answer phenomenon, where a question may have multiple answers
scattered in the document, can be well handled by humans but is challenging
enough for machine reading comprehension (MRC) systems. Despite recent progress
in multi-answer MRC, there lacks a systematic analysis of how this phenomenon
arises and how to better address it. In this work, we design a taxonomy to
categorize commonly-seen multi-answer MRC instances, with which we inspect
three multi-answer datasets and analyze where the multi-answer challenge comes
from. We further analyze how well different paradigms of current multi-answer
MRC models deal with different types of multi-answer instances. We find that
some paradigms capture well the key information in the questions while others
better model the relationship between questions and contexts. We thus explore
strategies to make the best of the strengths of different paradigms.
Experiments show that generation models can be a promising platform to
incorporate different paradigms. Our annotations and code are released for
further research. | cs.CL | How Many Answers Should I Give? An Empirical Study of Multi-Answer Reading Comprehension |
2023-06-01T08:21:20Z | http://arxiv.org/pdf/2306.00434v1 | http://arxiv.org/abs/2306.00434v1 | Qingyue Wang, Liang Ding, Yanan Cao, Yibing Zhan, Zheng Lin, Shi Wang, Dacheng Tao, Li Guo | 2023-06-01T08:21:20Z | cs.CL | Zero-shot transfer learning for Dialogue State Tracking (DST) helps to handle
a variety of task-oriented dialogue domains without the cost of collecting
in-domain data. Existing works mainly study common data- or model-level
augmentation methods to enhance the generalization but fail to effectively
decouple the semantics of samples, limiting the zero-shot performance of DST.
In this paper, we present a simple and effective "divide, conquer and combine"
solution, which explicitly disentangles the semantics of seen data, and
leverages the performance and robustness with the mixture-of-experts mechanism.
Specifically, we divide the seen data into semantically independent subsets and
train corresponding experts, the newly unseen samples are mapped and inferred
with mixture-of-experts with our designed ensemble inference. Extensive
experiments on MultiWOZ2.1 upon the T5-Adapter show our schema significantly
and consistently improves the zero-shot performance, achieving the SOTA on
settings without external knowledge, with only 10M trainable parameters1. | cs.CL | Divide, Conquer, and Combine: Mixture of Semantic-Independent Experts for Zero-Shot Dialogue State Tracking |
2023-06-01T08:04:12Z | http://arxiv.org/pdf/2306.00424v1 | http://arxiv.org/abs/2306.00424v1 | Man Luo, Zhiyuan Fang, Tejas Gokhale, Yezhou Yang, Chitta Baral | 2023-06-01T08:04:12Z | cs.CL, cs.CV, cs.IR | We investigate knowledge retrieval with multi-modal queries, i.e. queries
containing information split across image and text inputs, a challenging task
that differs from previous work on cross-modal retrieval. We curate a new
dataset called ReMuQ for benchmarking progress on this task. ReMuQ requires a
system to retrieve knowledge from a large corpus by integrating contents from
both text and image queries. We introduce a retriever model ``ReViz'' that can
directly process input text and images to retrieve relevant knowledge in an
end-to-end fashion without being dependent on intermediate modules such as
object detectors or caption generators. We introduce a new pretraining task
that is effective for learning knowledge retrieval with multimodal queries and
also improves performance on downstream tasks. We demonstrate superior
performance in retrieval on two datasets (ReMuQ and OK-VQA) under zero-shot
settings as well as further improvements when finetuned on these datasets. | cs.CL | End-to-end Knowledge Retrieval with Multi-modal Queries |
2023-06-01T07:49:06Z | http://arxiv.org/pdf/2306.00418v2 | http://arxiv.org/abs/2306.00418v2 | Mengting Hu, Yinhao Bai, Yike Wu, Zhen Zhang, Liqi Zhang, Hang Gao, Shiwan Zhao, Minlie Huang | 2023-06-03T09:48:36Z | cs.CL, cs.AI | Recently, aspect sentiment quad prediction has received widespread attention
in the field of aspect-based sentiment analysis. Existing studies extract
quadruplets via pre-trained generative language models to paraphrase the
original sentence into a templated target sequence. However, previous works
only focus on what to generate but ignore what not to generate. We argue that
considering the negative samples also leads to potential benefits. In this
work, we propose a template-agnostic method to control the token-level
generation, which boosts original learning and reduces mistakes simultaneously.
Specifically, we introduce Monte Carlo dropout to understand the built-in
uncertainty of pre-trained language models, acquiring the noises and errors. We
further propose marginalized unlikelihood learning to suppress the
uncertainty-aware mistake tokens. Finally, we introduce minimization entropy to
balance the effects of marginalized unlikelihood learning. Extensive
experiments on four public datasets demonstrate the effectiveness of our
approach on various generation templates. | cs.CL | Uncertainty-Aware Unlikelihood Learning Improves Generative Aspect Sentiment Quad Prediction |
2023-06-01T07:25:10Z | http://arxiv.org/pdf/2306.00410v1 | http://arxiv.org/abs/2306.00410v1 | Christiaan Jacobs, Nathanaël Carraz Rakotonirina, Everlyn Asiko Chimoto, Bruce A. Bassett, Herman Kamper | 2023-06-01T07:25:10Z | cs.CL, cs.SD, eess.AS | We consider hate speech detection through keyword spotting on radio
broadcasts. One approach is to build an automatic speech recognition (ASR)
system for the target low-resource language. We compare this to using acoustic
word embedding (AWE) models that map speech segments to a space where matching
words have similar vectors. We specifically use a multilingual AWE model
trained on labelled data from well-resourced languages to spot keywords in data
in the unseen target language. In contrast to ASR, the AWE approach only
requires a few keyword exemplars. In controlled experiments on Wolof and
Swahili where training and test data are from the same domain, an ASR model
trained on just five minutes of data outperforms the AWE approach. But in an
in-the-wild test on Swahili radio broadcasts with actual hate speech keywords,
the AWE model (using one minute of template data) is more robust, giving
similar performance to an ASR system trained on 30 hours of labelled data. | cs.CL | Towards hate speech detection in low-resource languages: Comparing ASR to acoustic word embeddings on Wolof and Swahili |
2023-06-01T07:03:47Z | http://arxiv.org/pdf/2306.00400v1 | http://arxiv.org/abs/2306.00400v1 | Josep Crego, Jitao Xu, François Yvon | 2023-06-01T07:03:47Z | cs.CL | In our globalized world, a growing number of situations arise where people
are required to communicate in one or several foreign languages. In the case of
written communication, users with a good command of a foreign language may find
assistance from computer-aided translation (CAT) technologies. These
technologies often allow users to access external resources, such as
dictionaries, terminologies or bilingual concordancers, thereby interrupting
and considerably hindering the writing process. In addition, CAT systems assume
that the source sentence is fixed and also restrict the possible changes on the
target side. In order to make the writing process smoother, we present BiSync,
a bilingual writing assistant that allows users to freely compose text in two
languages, while maintaining the two monolingual texts synchronized. We also
include additional functionalities, such as the display of alternative prefix
translations and paraphrases, which are intended to facilitate the authoring of
texts. We detail the model architecture used for synchronization and evaluate
the resulting tool, showing that high accuracy can be attained with limited
computational resources. The interface and models are publicly available at
https://github.com/jmcrego/BiSync and a demonstration video can be watched on
YouTube at https://youtu.be/_l-ugDHfNgU . | cs.CL | BiSync: A Bilingual Editor for Synchronized Monolingual Texts |
2023-06-01T07:00:07Z | http://arxiv.org/pdf/2306.00398v2 | http://arxiv.org/abs/2306.00398v2 | Shentao Yang, Shujian Zhang, Congying Xia, Yihao Feng, Caiming Xiong, Mingyuan Zhou | 2023-10-09T23:31:44Z | cs.CL | Aligning language models (LMs) with preferences is an important problem in
natural language generation. A key challenge is that preferences are typically
provided at the *sequence level* while LM training and generation both occur at
the *token level*. There is, therefore, a *granularity mismatch* between the
preference and the LM training losses, which may complicate the learning
problem. In this paper, we address this issue by developing an alternate
training process, where we iterate between grounding the sequence-level
preference into token-level training guidance, and improving the LM with the
learned guidance. For guidance learning, we design a framework that extends the
pairwise-preference learning in imitation learning to both variable-length LM
generation and the utilization of the preference among multiple generations.
For LM training, based on the amount of supervised data, we present two
*minimalist* learning objectives that utilize the learned guidance. In
experiments, our method performs competitively on two distinct representative
LM tasks -- discrete-prompt generation and text summarization. | cs.CL | Preference-grounded Token-level Guidance for Language Model Fine-tuning |
2023-06-01T06:19:01Z | http://arxiv.org/pdf/2306.00377v1 | http://arxiv.org/abs/2306.00377v1 | Muhammad Shoaib Farooq, Muhammad Talha Waseem | 2023-06-01T06:19:01Z | cs.CR, cs.AI, cs.CL | Cyber Security is one of the most arising disciplines in our modern society.
We work on Cybersecurity domain and in this the topic we chose is Cyber
Security Ontologies. In this we gather all latest and previous ontologies and
compare them on the basis of different analyzing factors to get best of them.
Reason to select this topic is to assemble different ontologies from different
era of time. Because, researches that included in this SLR is mostly studied
single ontology. If any researcher wants to study ontologies, he has to study
every single ontology and select which one is best for his research. So, we
assemble different types of ontology and compare them against each other to get
best of them. A total 24 papers between years 2010-2020 are carefully selected
through systematic process and classified accordingly. Lastly, this SLR have
been presented to provide the researchers promising future directions in the
domain of cybersecurity ontologies. | cs.CR | Developing and Building Ontologies in Cyber Security |
2023-06-01T06:13:51Z | http://arxiv.org/pdf/2306.00374v1 | http://arxiv.org/abs/2306.00374v1 | Rahul Madhavan, Rishabh Garg, Kahini Wadhawan, Sameep Mehta | 2023-06-01T06:13:51Z | cs.CL, cs.AI | We propose a method to control the attributes of Language Models (LMs) for
the text generation task using Causal Average Treatment Effect (ATE) scores and
counterfactual augmentation. We explore this method, in the context of LM
detoxification, and propose the Causally Fair Language (CFL) architecture for
detoxifying pre-trained LMs in a plug-and-play manner. Our architecture is
based on a Structural Causal Model (SCM) that is mathematically transparent and
computationally efficient as compared with many existing detoxification
techniques. We also propose several new metrics that aim to better understand
the behaviour of LMs in the context of toxic text generation. Further, we
achieve state of the art performance for toxic degeneration, which are computed
using \RTP (RTP) benchmark. Our experiments show that CFL achieves such a
detoxification without much impact on the model perplexity. We also show that
CFL mitigates the unintended bias problem through experiments on the BOLD
dataset. | cs.CL | CFL: Causally Fair Language Models Through Token-level Attribute Controlled Generation |
2023-06-01T06:00:43Z | http://arxiv.org/pdf/2306.00369v2 | http://arxiv.org/abs/2306.00369v2 | Congda Ma, Tianyu Zhao, Makoto Shing, Kei Sawada, Manabu Okumura | 2023-06-10T12:36:48Z | cs.CL | In a controllable text generation dataset, there exist unannotated attributes
that could provide irrelevant learning signals to models that use it for
training and thus degrade their performance. We propose focused prefix
tuning(FPT) to mitigate the problem and to enable the control to focus on the
desired attribute. Experimental results show that FPT can achieve better
control accuracy and text fluency than baseline models in single-attribute
control tasks. In multi-attribute control tasks, FPT achieves comparable
control accuracy with the state-of-the-art approach while keeping the
flexibility to control new attributes without retraining existing models. | cs.CL | Focused Prefix Tuning for Controllable Text Generation |
2023-06-01T05:39:45Z | http://arxiv.org/pdf/2306.01016v1 | http://arxiv.org/abs/2306.01016v1 | Hejie Cui, Rongmei Lin, Nasser Zalmout, Chenwei Zhang, Jingbo Shang, Carl Yang, Xian Li | 2023-06-01T05:39:45Z | cs.CL, cs.AI, cs.CV, cs.LG, cs.MM | Information extraction, e.g., attribute value extraction, has been
extensively studied and formulated based only on text. However, many attributes
can benefit from image-based extraction, like color, shape, pattern, among
others. The visual modality has long been underutilized, mainly due to
multimodal annotation difficulty. In this paper, we aim to patch the visual
modality to the textual-established attribute information extractor. The
cross-modality integration faces several unique challenges: (C1) images and
textual descriptions are loosely paired intra-sample and inter-samples; (C2)
images usually contain rich backgrounds that can mislead the prediction; (C3)
weakly supervised labels from textual-established extractors are biased for
multimodal training. We present PV2TEA, an encoder-decoder architecture
equipped with three bias reduction schemes: (S1) Augmented label-smoothed
contrast to improve the cross-modality alignment for loosely-paired image and
text; (S2) Attention-pruning that adaptively distinguishes the visual
foreground; (S3) Two-level neighborhood regularization that mitigates the label
textual bias via reliability estimation. Empirical results on real-world
e-Commerce datasets demonstrate up to 11.74% absolute (20.97% relatively) F1
increase over unimodal baselines. | cs.CL | PV2TEA: Patching Visual Modality to Textual-Established Information Extraction |
2023-06-01T04:55:43Z | http://arxiv.org/pdf/2306.00346v1 | http://arxiv.org/abs/2306.00346v1 | Akbar Karimi, Lucie Flek | 2023-06-01T04:55:43Z | cs.CL, cs.LG | The class imbalance problem can cause machine learning models to produce an
undesirable performance on the minority class as well as the whole dataset.
Using data augmentation techniques to increase the number of samples is one way
to tackle this problem. We introduce a novel counterfactual data augmentation
by verb replacement for the identification of medical claims. In addition, we
investigate the impact of this method and compare it with 3 other data
augmentation techniques, showing that the proposed method can result in a
significant (relative) improvement in the minority class. | cs.CL | CAISA at SemEval-2023 Task 8: Counterfactual Data Augmentation for Mitigating Class Imbalance in Causal Claim Identification |
2023-06-01T04:52:26Z | http://arxiv.org/pdf/2306.01015v3 | http://arxiv.org/abs/2306.01015v3 | Zih-Ching Chen, Chao-Han Huck Yang, Bo Li, Yu Zhang, Nanxin Chen, Shuo-Yiin Chang, Rohit Prabhavalkar, Hung-yi Lee, Tara N. Sainath | 2024-02-06T03:52:48Z | cs.CL, cs.NE, cs.SD, eess.AS | In this work, we introduce a "score-based assessment" framework for
estimating the transferability of pre-trained speech models (PSMs) for
fine-tuning target tasks. We leverage upon two representation theories,
Bayesian likelihood estimation and optimal transport, to generate rank scores
for the PSM candidates using the extracted representations. Our framework
efficiently computes transferability scores without actual fine-tuning of
candidate models or layers by making a temporal independent hypothesis. We
evaluate some popular supervised speech models (e.g., Conformer RNN-Transducer)
and self-supervised speech models (e.g., HuBERT) in cross-layer and cross-model
settings using public data. Experimental results show a high Spearman's rank
correlation and low $p$-value between our estimation framework and fine-tuning
ground truth. Our proposed transferability framework requires less
computational time and resources, making it a resource-saving and
time-efficient approach for tuning speech foundation models. | cs.CL | How to Estimate Model Transferability of Pre-Trained Speech Models? |
2023-06-01T02:40:44Z | http://arxiv.org/pdf/2306.00301v2 | http://arxiv.org/abs/2306.00301v2 | Shinjini Ghosh, Sagnik Anupam | 2023-06-06T03:41:05Z | cs.LG, cs.CL | While deep-learning models have been shown to perform well on image-to-text
datasets, it is difficult to use them in practice for captioning images. This
is because captions traditionally tend to be context-dependent and offer
complementary information about an image, while models tend to produce
descriptions that describe the visual features of the image. Prior research in
caption generation has explored the use of models that generate captions when
provided with the images alongside their respective descriptions or contexts.
We propose and evaluate a new approach, which leverages existing large language
models to generate captions from textual descriptions and context alone,
without ever processing the image directly. We demonstrate that after
fine-tuning, our approach outperforms current state-of-the-art image-text
alignment models like OSCAR-VinVL on this task on the CIDEr metric. | cs.LG | CapText: Large Language Model-based Caption Generation From Image Context and Description |
2023-06-01T02:06:13Z | http://arxiv.org/pdf/2306.00288v1 | http://arxiv.org/abs/2306.00288v1 | Aaron Serianni, Jugal Kalita | 2023-06-01T02:06:13Z | cs.LG, cs.AI, cs.CL | Neural architecture search (NAS) has allowed for the automatic creation of
new and effective neural network architectures, offering an alternative to the
laborious process of manually designing complex architectures. However,
traditional NAS algorithms are slow and require immense amounts of computing
power. Recent research has investigated training-free NAS metrics for image
classification architectures, drastically speeding up search algorithms. In
this paper, we investigate training-free NAS metrics for recurrent neural
network (RNN) and BERT-based transformer architectures, targeted towards
language modeling tasks. First, we develop a new training-free metric, named
hidden covariance, that predicts the trained performance of an RNN architecture
and significantly outperforms existing training-free metrics. We experimentally
evaluate the effectiveness of the hidden covariance metric on the NAS-Bench-NLP
benchmark. Second, we find that the current search space paradigm for
transformer architectures is not optimized for training-free neural
architecture search. Instead, a simple qualitative analysis can effectively
shrink the search space to the best performing architectures. This conclusion
is based on our investigation of existing training-free metrics and new metrics
developed from recent transformer pruning literature, evaluated on our own
benchmark of trained BERT architectures. Ultimately, our analysis shows that
the architecture search space and the training-free metric must be developed
together in order to achieve effective results. | cs.LG | Training-free Neural Architecture Search for RNNs and Transformers |
2023-06-01T00:17:52Z | http://arxiv.org/pdf/2306.00253v2 | http://arxiv.org/abs/2306.00253v2 | Tobi Olatunji, Tejumade Afonja, Bonaventure F. P. Dossou, Atnafu Lambebo Tonja, Chris Chinenye Emezue, Amina Mardiyyah Rufai, Sahib Singh | 2023-06-02T15:35:42Z | cs.CL, cs.CY | Useful conversational agents must accurately capture named entities to
minimize error for downstream tasks, for example, asking a voice assistant to
play a track from a certain artist, initiating navigation to a specific
location, or documenting a laboratory result for a patient. However, where
named entities such as ``Ukachukwu`` (Igbo), ``Lakicia`` (Swahili), or
``Ingabire`` (Rwandan) are spoken, automatic speech recognition (ASR) models'
performance degrades significantly, propagating errors to downstream systems.
We model this problem as a distribution shift and demonstrate that such model
bias can be mitigated through multilingual pre-training, intelligent data
augmentation strategies to increase the representation of African-named
entities, and fine-tuning multilingual ASR models on multiple African accents.
The resulting fine-tuned models show an 81.5\% relative WER improvement
compared with the baseline on samples with African-named entities. | cs.CL | AfriNames: Most ASR models "butcher" African Names |
2023-05-31T23:39:18Z | http://arxiv.org/pdf/2306.00245v2 | http://arxiv.org/abs/2306.00245v2 | Peter Shaw, Mandar Joshi, James Cohan, Jonathan Berant, Panupong Pasupat, Hexiang Hu, Urvashi Khandelwal, Kenton Lee, Kristina Toutanova | 2023-12-06T23:46:36Z | cs.LG, cs.CL, cs.CV, cs.HC | Much of the previous work towards digital agents for graphical user
interfaces (GUIs) has relied on text-based representations (derived from HTML
or other structured data sources), which are not always readily available.
These input representations have been often coupled with custom, task-specific
action spaces. This paper focuses on creating agents that interact with the
digital world using the same conceptual interface that humans commonly use --
via pixel-based screenshots and a generic action space corresponding to
keyboard and mouse actions. Building upon recent progress in pixel-based
pretraining, we show, for the first time, that it is possible for such agents
to outperform human crowdworkers on the MiniWob++ benchmark of GUI-based
instruction following tasks. | cs.LG | From Pixels to UI Actions: Learning to Follow Instructions via Graphical User Interfaces |
2023-05-31T22:48:27Z | http://arxiv.org/pdf/2306.00228v1 | http://arxiv.org/abs/2306.00228v1 | Jiarui Zhang, Mahyar Khayatkhoei, Prateek Chhikara, Filip Ilievski | 2023-05-31T22:48:27Z | cs.CV, cs.AI, cs.CL | Visual Question Answering is a challenging task, as it requires seamless
interaction between perceptual, linguistic, and background knowledge systems.
While the recent progress of visual and natural language models like BLIP has
led to improved performance on this task, we lack understanding of the ability
of such models to perform on different kinds of questions and reasoning types.
As our initial analysis of BLIP-family models revealed difficulty with
answering fine-detail questions, we investigate the following question: Can
visual cropping be employed to improve the performance of state-of-the-art
visual question answering models on fine-detail questions? Given the recent
success of the BLIP-family models, we study a zero-shot and a fine-tuned BLIP
model. We define three controlled subsets of the popular VQA-v2 benchmark to
measure whether cropping can help model performance. Besides human cropping, we
devise two automatic cropping strategies based on multi-modal embedding by CLIP
and BLIP visual QA model gradients. Our experiments demonstrate that the
performance of BLIP model variants can be significantly improved through human
cropping, and automatic cropping methods can produce comparable benefits. A
deeper dive into our findings indicates that the performance enhancement is
more pronounced in zero-shot models than in fine-tuned models and more salient
with smaller bounding boxes than larger ones. We perform case studies to
connect quantitative differences with qualitative observations across question
types and datasets. Finally, we see that the cropping enhancement is robust, as
we gain an improvement of 4.59% (absolute) in the general VQA-random task by
simply inputting a concatenation of the original and gradient-based cropped
images. We make our code available to facilitate further innovation on visual
cropping methods for question answering. | cs.CV | Using Visual Cropping to Enhance Fine-Detail Question Answering of BLIP-Family Models |
2023-05-31T22:27:21Z | http://arxiv.org/pdf/2306.00219v2 | http://arxiv.org/abs/2306.00219v2 | Peyman Gholami, Robert Xiao | 2023-10-27T01:51:47Z | cs.CV, cs.AI, cs.CL, cs.LG | Text-to-image generative models have made remarkable advancements in
generating high-quality images. However, generated images often contain
undesirable artifacts or other errors due to model limitations. Existing
techniques to fine-tune generated images are time-consuming (manual editing),
produce poorly-integrated results (inpainting), or result in unexpected changes
across the entire image (variation selection and prompt fine-tuning). In this
work, we present Diffusion Brush, a Latent Diffusion Model-based (LDM) tool to
efficiently fine-tune desired regions within an AI-synthesized image. Our
method introduces new random noise patterns at targeted regions during the
reverse diffusion process, enabling the model to efficiently make changes to
the specified regions while preserving the original context for the rest of the
image. We evaluate our method's usability and effectiveness through a user
study with artists, comparing our technique against other state-of-the-art
image inpainting techniques and editing software for fine-tuning AI-generated
imagery. | cs.CV | Diffusion Brush: A Latent Diffusion Model-based Editing Tool for AI-generated Images |
2023-05-31T22:23:20Z | http://arxiv.org/pdf/2306.00217v2 | http://arxiv.org/abs/2306.00217v2 | Patrick Lee, Iyanuoluwa Shode, Alain Chirino Trujillo, Yuan Zhao, Olumide Ebenezer Ojo, Diana Cuevas Plancarte, Anna Feldman, Jing Peng | 2023-06-06T19:17:14Z | cs.CL | Transformers have been shown to work well for the task of English euphemism
disambiguation, in which a potentially euphemistic term (PET) is classified as
euphemistic or non-euphemistic in a particular context. In this study, we
expand on the task in two ways. First, we annotate PETs for vagueness, a
linguistic property associated with euphemisms, and find that transformers are
generally better at classifying vague PETs, suggesting linguistic differences
in the data that impact performance. Second, we present novel euphemism corpora
in three different languages: Yoruba, Spanish, and Mandarin Chinese. We perform
euphemism disambiguation experiments in each language using multilingual
transformer models mBERT and XLM-RoBERTa, establishing preliminary results from
which to launch future work. | cs.CL | FEED PETs: Further Experimentation and Expansion on the Disambiguation of Potentially Euphemistic Terms |
2023-05-31T21:58:07Z | http://arxiv.org/pdf/2306.00208v1 | http://arxiv.org/abs/2306.00208v1 | Santosh Kesiraju, Marek Sarvas, Tomas Pavlicek, Cecile Macaire, Alejandro Ciuba | 2023-05-31T21:58:07Z | cs.CL, cs.SD, eess.AS | This paper presents techniques and findings for improving the performance of
low-resource speech to text translation (ST). We conducted experiments on both
simulated and real-low resource setups, on language pairs English - Portuguese,
and Tamasheq - French respectively. Using the encoder-decoder framework for ST,
our results show that a multilingual automatic speech recognition system acts
as a good initialization under low-resource scenarios. Furthermore, using the
CTC as an additional objective for translation during training and decoding
helps to reorder the internal representations and improves the final
translation. Through our experiments, we try to identify various factors
(initializations, objectives, and hyper-parameters) that contribute the most
for improvements in low-resource setups. With only 300 hours of pre-training
data, our model achieved 7.3 BLEU score on Tamasheq - French data,
outperforming prior published works from IWSLT 2022 by 1.6 points. | cs.CL | Strategies for improving low resource speech to text translation relying on pre-trained ASR models |
2023-05-31T21:35:08Z | http://arxiv.org/pdf/2306.00198v1 | http://arxiv.org/abs/2306.00198v1 | Carolina Zheng, Claudia Shi, Keyon Vafa, Amir Feder, David M. Blei | 2023-05-31T21:35:08Z | cs.CL, cs.LG | Controlled generation refers to the problem of creating text that contains
stylistic or semantic attributes of interest. Many approaches reduce this
problem to training a predictor of the desired attribute. For example,
researchers hoping to deploy a large language model to produce non-toxic
content may use a toxicity classifier to filter generated text. In practice,
the generated text to classify, which is determined by user prompts, may come
from a wide range of distributions. In this paper, we show that the performance
of controlled generation may be poor if the distributions of text in response
to user prompts differ from the distribution the predictor was trained on. To
address this problem, we cast controlled generation under distribution shift as
an invariant learning problem: the most effective predictor should be invariant
across multiple text environments. We then discuss a natural solution that
arises from this characterization and propose heuristics for selecting natural
environments. We study this characterization and the proposed method
empirically using both synthetic and real data. Experiments demonstrate both
the challenge of distribution shift in controlled generation and the potential
of invariance methods in this setting. | cs.CL | An Invariant Learning Characterization of Controlled Text Generation |
2023-05-31T21:29:49Z | http://arxiv.org/pdf/2306.01009v1 | http://arxiv.org/abs/2306.01009v1 | Peter Belcak, Luca A. Lanzendörfer, Roger Wattenhofer | 2023-05-31T21:29:49Z | cs.CL, cs.AI, cs.LG | We conduct a preliminary inquiry into the ability of generative transformer
models to deductively reason from premises provided. We observe notable
differences in the performance of models coming from different training setups
and find that the deductive reasoning ability increases with scale. Further, we
discover that the performance generally does not decrease with the length of
the deductive chain needed to reach the conclusion, with the exception of
OpenAI GPT-3 and GPT-3.5 models. Our study considers a wide variety of
transformer-decoder models, ranging from 117 million to 175 billion parameters
in size. | cs.CL | Examining the Emergence of Deductive Reasoning in Generative Language Models |
2023-05-31T21:04:04Z | http://arxiv.org/pdf/2306.00186v1 | http://arxiv.org/abs/2306.00186v1 | Paul Roit, Johan Ferret, Lior Shani, Roee Aharoni, Geoffrey Cideron, Robert Dadashi, Matthieu Geist, Sertan Girgin, Léonard Hussenot, Orgad Keller, Nikola Momchev, Sabela Ramos, Piotr Stanczyk, Nino Vieillard, Olivier Bachem, Gal Elidan, Avinatan Hassidim, Olivier Pietquin, Idan Szpektor | 2023-05-31T21:04:04Z | cs.CL | Despite the seeming success of contemporary grounded text generation systems,
they often tend to generate factually inconsistent text with respect to their
input. This phenomenon is emphasized in tasks like summarization, in which the
generated summaries should be corroborated by their source article. In this
work, we leverage recent progress on textual entailment models to directly
address this problem for abstractive summarization systems. We use
reinforcement learning with reference-free, textual entailment rewards to
optimize for factual consistency and explore the ensuing trade-offs, as
improved consistency may come at the cost of less informative or more
extractive summaries. Our results, according to both automatic metrics and
human evaluation, show that our method considerably improves the faithfulness,
salience, and conciseness of the generated summaries. | cs.CL | Factually Consistent Summarization via Reinforcement Learning with Textual Entailment Feedback |
2023-05-31T20:54:43Z | http://arxiv.org/pdf/2306.00177v1 | http://arxiv.org/abs/2306.00177v1 | Haopeng Zhang, Xiao Liu, Jiawei Zhang | 2023-05-31T20:54:43Z | cs.CL | The extended structural context has made scientific paper summarization a
challenging task. This paper proposes CHANGES, a contrastive hierarchical graph
neural network for extractive scientific paper summarization. CHANGES
represents a scientific paper with a hierarchical discourse graph and learns
effective sentence representations with dedicated designed hierarchical graph
information aggregation. We also propose a graph contrastive learning module to
learn global theme-aware sentence representations. Extensive experiments on the
PubMed and arXiv benchmark datasets prove the effectiveness of CHANGES and the
importance of capturing hierarchical structure information in modeling
scientific papers. | cs.CL | Contrastive Hierarchical Discourse Graph for Scientific Document Summarization |
2023-05-31T20:50:45Z | http://arxiv.org/pdf/2306.00176v1 | http://arxiv.org/abs/2306.00176v1 | Nicholas Pangakis, Samuel Wolken, Neil Fasching | 2023-05-31T20:50:45Z | cs.CL, cs.AI | Generative large language models (LLMs) can be a powerful tool for augmenting
text annotation procedures, but their performance varies across annotation
tasks due to prompt quality, text data idiosyncrasies, and conceptual
difficulty. Because these challenges will persist even as LLM technology
improves, we argue that any automated annotation process using an LLM must
validate the LLM's performance against labels generated by humans. To this end,
we outline a workflow to harness the annotation potential of LLMs in a
principled, efficient way. Using GPT-4, we validate this approach by
replicating 27 annotation tasks across 11 datasets from recent social science
articles in high-impact journals. We find that LLM performance for text
annotation is promising but highly contingent on both the dataset and the type
of annotation task, which reinforces the necessity to validate on a
task-by-task basis. We make available easy-to-use software designed to
implement our workflow and streamline the deployment of LLMs for automated
annotation. | cs.CL | Automated Annotation with Generative AI Requires Validation |
2023-05-31T20:25:08Z | http://arxiv.org/pdf/2306.00168v5 | http://arxiv.org/abs/2306.00168v5 | Nitay Calderon, Naveh Porat, Eyal Ben-David, Alexander Chapanin, Zorik Gekhman, Nadav Oved, Vitaly Shalumov, Roi Reichart | 2024-04-20T13:21:00Z | cs.CL | Existing research on Domain Robustness (DR) suffers from disparate setups,
limited task variety, and scarce research on recent capabilities such as
in-context learning. Furthermore, the common practice of measuring DR might not
be fully accurate. Current research focuses on challenge sets and relies solely
on the Source Drop (SD): Using the source in-domain performance as a reference
point for degradation. However, we argue that the Target Drop (TD), which
measures degradation from the target in-domain performance, should be used as a
complementary point of view. To address these issues, we first curated a DR
benchmark comprised of 7 diverse NLP tasks, which enabled us to measure both
the SD and the TD. We then conducted a comprehensive large-scale DR study
involving over 14,000 domain shifts across 21 fine-tuned models and few-shot
LLMs. We found that both model types suffer from drops upon domain shifts.
While fine-tuned models excel in-domain, few-shot LLMs often surpass them
cross-domain, showing better robustness. In addition, we found that a large SD
can often be explained by shifting to a harder domain rather than by a genuine
DR challenge, and this highlights the importance of TD as a complementary
metric. We hope our study will shed light on the current DR state of NLP models
and promote improved evaluation practices toward more robust models. | cs.CL | Measuring the Robustness of NLP Models to Domain Shifts |
2023-05-31T19:28:00Z | http://arxiv.org/pdf/2306.00137v1 | http://arxiv.org/abs/2306.00137v1 | Tong Li, Zhihao Wang, Liangying Shao, Xuling Zheng, Xiaoli Wang, Jinsong Su | 2023-05-31T19:28:00Z | cs.CL | Recently, the text-to-table generation task has attracted increasing
attention due to its wide applications. In this aspect, the dominant model
formalizes this task as a sequence-to-sequence generation task and serializes
each table into a token sequence during training by concatenating all rows in a
top-down order. However, it suffers from two serious defects: 1) the predefined
order introduces a wrong bias during training, which highly penalizes shifts in
the order between rows; 2) the error propagation problem becomes serious when
the model outputs a long token sequence. In this paper, we first conduct a
preliminary study to demonstrate the generation of most rows is
order-insensitive. Furthermore, we propose a novel sequence-to-sequence&set
text-to-table generation model. Specifically, in addition to a text encoder
encoding the input text, our model is equipped with a table header generator to
first output a table header, i.e., the first row of the table, in the manner of
sequence generation. Then we use a table body generator with learnable row
embeddings and column embeddings to generate a set of table body rows in
parallel. Particularly, to deal with the issue that there is no correspondence
between each generated table body row and target during training, we propose a
target assignment strategy based on the bipartite matching between the first
cells of generated table body rows and targets. Experiment results show that
our model significantly surpasses the baselines, achieving state-of-the-art
performance on commonly-used datasets. | cs.CL | A Sequence-to-Sequence&Set Model for Text-to-Table Generation |
2023-05-31T19:00:33Z | http://arxiv.org/pdf/2306.00124v1 | http://arxiv.org/abs/2306.00124v1 | Chunliu Wang, Huiyuan Lai, Malvina Nissim, Johan Bos | 2023-05-31T19:00:33Z | cs.CL | Pre-trained language models (PLMs) have achieved great success in NLP and
have recently been used for tasks in computational semantics. However, these
tasks do not fully benefit from PLMs since meaning representations are not
explicitly included in the pre-training stage. We introduce multilingual
pre-trained language-meaning models based on Discourse Representation
Structures (DRSs), including meaning representations besides natural language
texts in the same model, and design a new strategy to reduce the gap between
the pre-training and fine-tuning objectives. Since DRSs are language neutral,
cross-lingual transfer learning is adopted to further improve the performance
of non-English tasks. Automatic evaluation results show that our approach
achieves the best performance on both the multilingual DRS parsing and
DRS-to-text generation tasks. Correlation analysis between automatic metrics
and human judgements on the generation task further validates the effectiveness
of our model. Human inspection reveals that out-of-vocabulary tokens are the
main cause of erroneous results. | cs.CL | Pre-Trained Language-Meaning Models for Multilingual Parsing and Generation |
2023-05-31T18:52:41Z | http://arxiv.org/pdf/2306.00121v1 | http://arxiv.org/abs/2306.00121v1 | Huiyuan Lai, Antonio Toral, Malvina Nissim | 2023-05-31T18:52:41Z | cs.CL | Figures of speech help people express abstract concepts and evoke stronger
emotions than literal expressions, thereby making texts more creative and
engaging. Due to its pervasive and fundamental character, figurative language
understanding has been addressed in Natural Language Processing, but it's
highly understudied in a multilingual setting and when considering more than
one figure of speech at the same time. To bridge this gap, we introduce
multilingual multi-figurative language modelling, and provide a benchmark for
sentence-level figurative language detection, covering three common figures of
speech and seven languages. Specifically, we develop a framework for figurative
language detection based on template-based prompt learning. In so doing, we
unify multiple detection tasks that are interrelated across multiple figures of
speech and languages, without requiring task- or language-specific modules.
Experimental results show that our framework outperforms several strong
baselines and may serve as a blueprint for the joint modelling of other
interrelated tasks. | cs.CL | Multilingual Multi-Figurative Language Detection |
2023-05-31T18:34:16Z | http://arxiv.org/pdf/2306.00110v1 | http://arxiv.org/abs/2306.00110v1 | Peiling Lu, Xin Xu, Chenfei Kang, Botao Yu, Chengyi Xing, Xu Tan, Jiang Bian | 2023-05-31T18:34:16Z | cs.SD, cs.AI, cs.CL, cs.LG, cs.MM, eess.AS | Generating music from text descriptions is a user-friendly mode since the
text is a relatively easy interface for user engagement. While some approaches
utilize texts to control music audio generation, editing musical elements in
generated audio is challenging for users. In contrast, symbolic music offers
ease of editing, making it more accessible for users to manipulate specific
musical elements. In this paper, we propose MuseCoco, which generates symbolic
music from text descriptions with musical attributes as the bridge to break
down the task into text-to-attribute understanding and attribute-to-music
generation stages. MuseCoCo stands for Music Composition Copilot that empowers
musicians to generate music directly from given text descriptions, offering a
significant improvement in efficiency compared to creating music entirely from
scratch. The system has two main advantages: Firstly, it is data efficient. In
the attribute-to-music generation stage, the attributes can be directly
extracted from music sequences, making the model training self-supervised. In
the text-to-attribute understanding stage, the text is synthesized and refined
by ChatGPT based on the defined attribute templates. Secondly, the system can
achieve precise control with specific attributes in text descriptions and
offers multiple control options through attribute-conditioned or
text-conditioned approaches. MuseCoco outperforms baseline systems in terms of
musicality, controllability, and overall score by at least 1.27, 1.08, and 1.32
respectively. Besides, there is a notable enhancement of about 20% in objective
control accuracy. In addition, we have developed a robust large-scale model
with 1.2 billion parameters, showcasing exceptional controllability and
musicality. | cs.SD | MuseCoco: Generating Symbolic Music from Text |
2023-05-31T18:27:43Z | http://arxiv.org/pdf/2306.00107v4 | http://arxiv.org/abs/2306.00107v4 | Yizhi Li, Ruibin Yuan, Ge Zhang, Yinghao Ma, Xingran Chen, Hanzhi Yin, Chenghao Xiao, Chenghua Lin, Anton Ragni, Emmanouil Benetos, Norbert Gyenge, Roger Dannenberg, Ruibo Liu, Wenhu Chen, Gus Xia, Yemin Shi, Wenhao Huang, Zili Wang, Yike Guo, Jie Fu | 2024-04-22T21:52:17Z | cs.SD, cs.AI, cs.CL, cs.LG, eess.AS | Self-supervised learning (SSL) has recently emerged as a promising paradigm
for training generalisable models on large-scale data in the fields of vision,
text, and speech. Although SSL has been proven effective in speech and audio,
its application to music audio has yet to be thoroughly explored. This is
partially due to the distinctive challenges associated with modelling musical
knowledge, particularly tonal and pitched characteristics of music. To address
this research gap, we propose an acoustic Music undERstanding model with
large-scale self-supervised Training (MERT), which incorporates teacher models
to provide pseudo labels in the masked language modelling (MLM) style acoustic
pre-training. In our exploration, we identified an effective combination of
teacher models, which outperforms conventional speech and audio approaches in
terms of performance. This combination includes an acoustic teacher based on
Residual Vector Quantisation - Variational AutoEncoder (RVQ-VAE) and a musical
teacher based on the Constant-Q Transform (CQT). Furthermore, we explore a wide
range of settings to overcome the instability in acoustic language model
pre-training, which allows our designed paradigm to scale from 95M to 330M
parameters. Experimental results indicate that our model can generalise and
perform well on 14 music understanding tasks and attain state-of-the-art (SOTA)
overall scores. | cs.SD | MERT: Acoustic Music Understanding Model with Large-Scale Self-supervised Training |
2023-05-31T18:23:57Z | http://arxiv.org/pdf/2306.00103v1 | http://arxiv.org/abs/2306.00103v1 | Xiao Xu, Bei Li, Chenfei Wu, Shao-Yen Tseng, Anahita Bhiwandiwalla, Shachar Rosenman, Vasudev Lal, Wanxiang Che, Nan Duan | 2023-05-31T18:23:57Z | cs.CV, cs.CL, cs.LG | Two-Tower Vision-Language (VL) models have shown promising improvements on
various downstream VL tasks. Although the most advanced work improves
performance by building bridges between encoders, it suffers from ineffective
layer-by-layer utilization of uni-modal representations and cannot flexibly
exploit different levels of uni-modal semantic knowledge. In this work, we
propose ManagerTower, a novel VL model architecture that gathers and combines
the insights of pre-trained uni-modal experts at different levels. The managers
introduced in each cross-modal layer can adaptively aggregate uni-modal
semantic knowledge to facilitate more comprehensive cross-modal alignment and
fusion. ManagerTower outperforms previous strong baselines both with and
without Vision-Language Pre-training (VLP). With only 4M VLP data, ManagerTower
achieves superior performances on various downstream VL tasks, especially
79.15% accuracy on VQAv2 Test-Std, 86.56% IR@1 and 95.64% TR@1 on Flickr30K.
Code and checkpoints are available at https://github.com/LooperXX/ManagerTower. | cs.CV | ManagerTower: Aggregating the Insights of Uni-Modal Experts for Vision-Language Representation Learning |
2023-05-31T18:22:33Z | http://arxiv.org/pdf/2306.00100v1 | http://arxiv.org/abs/2306.00100v1 | Liat Bezalel, Eyal Orgad | 2023-05-31T18:22:33Z | cs.CL | Transfer learning for extremely low resource languages is a challenging task
as there is no large scale monolingual corpora for pre training or sufficient
annotated data for fine tuning. We follow the work of MetaXL which suggests
using meta learning for transfer learning from a single source language to an
extremely low resource one. We propose an enhanced approach which uses multiple
source languages chosen in a data driven manner. In addition, we introduce a
sample selection strategy for utilizing the languages in training by using a
multi armed bandit algorithm. Using both of these improvements we managed to
achieve state of the art results on the NER task for the extremely low resource
languages while using the same amount of data, making the representations
better generalized. Also, due to the method ability to use multiple languages
it allows the framework to use much larger amounts of data, while still having
superior results over the former MetaXL method even with the same amounts of
data. | cs.CL | MetaXLR -- Mixed Language Meta Representation Transformation for Low-resource Cross-lingual Learning based on Multi-Armed Bandit |
2023-05-31T17:59:04Z | http://arxiv.org/pdf/2305.20088v2 | http://arxiv.org/abs/2305.20088v2 | Lijie Fan, Dilip Krishnan, Phillip Isola, Dina Katabi, Yonglong Tian | 2023-10-28T08:46:13Z | cs.CV, cs.CL, cs.LG | Contrastive Language-Image Pre-training (CLIP) stands as one of the most
effective and scalable methods for training transferable vision models using
paired image and text data. CLIP models are trained using contrastive loss,
which typically relies on data augmentations to prevent overfitting and
shortcuts. However, in the CLIP training paradigm, data augmentations are
exclusively applied to image inputs, while language inputs remain unchanged
throughout the entire training process, limiting the exposure of diverse texts
to the same image. In this paper, we introduce Language augmented CLIP
(LaCLIP), a simple yet highly effective approach to enhance CLIP training
through language rewrites. Leveraging the in-context learning capability of
large language models, we rewrite the text descriptions associated with each
image. These rewritten texts exhibit diversity in sentence structure and
vocabulary while preserving the original key concepts and meanings. During
training, LaCLIP randomly selects either the original texts or the rewritten
versions as text augmentations for each image. Extensive experiments on CC3M,
CC12M, RedCaps and LAION-400M datasets show that CLIP pre-training with
language rewrites significantly improves the transfer performance without
computation or memory overhead during training. Specifically for ImageNet
zero-shot accuracy, LaCLIP outperforms CLIP by 8.2% on CC12M and 2.4% on
LAION-400M. Code is available at https://github.com/LijieFan/LaCLIP. | cs.CV | Improving CLIP Training with Language Rewrites |
2023-05-31T17:55:21Z | http://arxiv.org/pdf/2305.20080v1 | http://arxiv.org/abs/2305.20080v1 | Noëmi Aepli, Çağrı Çöltekin, Rob Van Der Goot, Tommi Jauhiainen, Mourhaf Kazzaz, Nikola Ljubešić, Kai North, Barbara Plank, Yves Scherrer, Marcos Zampieri | 2023-05-31T17:55:21Z | cs.CL | This report presents the results of the shared tasks organized as part of the
VarDial Evaluation Campaign 2023. The campaign is part of the tenth workshop on
Natural Language Processing (NLP) for Similar Languages, Varieties and Dialects
(VarDial), co-located with EACL 2023. Three separate shared tasks were included
this year: Slot and intent detection for low-resource language varieties
(SID4LR), Discriminating Between Similar Languages -- True Labels (DSL-TL), and
Discriminating Between Similar Languages -- Speech (DSL-S). All three tasks
were organized for the first time this year. | cs.CL | Findings of the VarDial Evaluation Campaign 2023 |
2023-05-31T17:54:07Z | http://arxiv.org/pdf/2306.01006v2 | http://arxiv.org/abs/2306.01006v2 | Gautam Yadav | 2023-06-23T22:03:54Z | cs.CL, cs.HC | This paper presents a comprehensive exploration of leveraging Large Language
Models (LLMs), specifically GPT-4, in the field of instructional design. With a
focus on scaling evidence-based instructional design expertise, our research
aims to bridge the gap between theoretical educational studies and practical
implementation. We discuss the benefits and limitations of AI-driven content
generation, emphasizing the necessity of human oversight in ensuring the
quality of educational materials. This work is elucidated through two detailed
case studies where we applied GPT-4 in creating complex higher-order
assessments and active learning components for different courses. From our
experiences, we provide best practices for effectively using LLMs in
instructional design tasks, such as utilizing templates, fine-tuning, handling
unexpected output, implementing LLM chains, citing references, evaluating
output, creating rubrics, grading, and generating distractors. We also share
our vision of a future recommendation system, where a customized GPT-4 extracts
instructional design principles from educational studies and creates
personalized, evidence-supported strategies for users' unique educational
contexts. Our research contributes to understanding and optimally harnessing
the potential of AI-driven language models in enhancing educational outcomes. | cs.CL | Scaling Evidence-based Instructional Design Expertise through Large Language Models |
2023-05-31T17:50:02Z | http://arxiv.org/pdf/2305.20076v3 | http://arxiv.org/abs/2305.20076v3 | Jessy Lin, Nicholas Tomlin, Jacob Andreas, Jason Eisner | 2024-05-05T20:41:13Z | cs.CL, cs.AI | We describe a class of tasks called decision-oriented dialogues, in which AI
assistants such as large language models (LMs) must collaborate with one or
more humans via natural language to help them make complex decisions. We
formalize three domains in which users face everyday decisions: (1) choosing an
assignment of reviewers to conference papers, (2) planning a multi-step
itinerary in a city, and (3) negotiating travel plans for a group of friends.
In each of these settings, AI assistants and users have disparate abilities
that they must combine to arrive at the best decision: assistants can access
and process large amounts of information, while users have preferences and
constraints external to the system. For each task, we build a dialogue
environment where agents receive a reward based on the quality of the final
decision they reach. We evaluate LMs in self-play and in collaboration with
humans and find that they fall short compared to human assistants, achieving
much lower rewards despite engaging in longer dialogues. We highlight a number
of challenges models face in decision-oriented dialogues, ranging from
goal-directed behavior to reasoning and optimization, and release our
environments as a testbed for future work. | cs.CL | Decision-Oriented Dialogue for Human-AI Collaboration |
2023-05-31T17:24:00Z | http://arxiv.org/pdf/2305.20050v1 | http://arxiv.org/abs/2305.20050v1 | Hunter Lightman, Vineet Kosaraju, Yura Burda, Harri Edwards, Bowen Baker, Teddy Lee, Jan Leike, John Schulman, Ilya Sutskever, Karl Cobbe | 2023-05-31T17:24:00Z | cs.LG, cs.AI, cs.CL | In recent years, large language models have greatly improved in their ability
to perform complex multi-step reasoning. However, even state-of-the-art models
still regularly produce logical mistakes. To train more reliable models, we can
turn either to outcome supervision, which provides feedback for a final result,
or process supervision, which provides feedback for each intermediate reasoning
step. Given the importance of training reliable models, and given the high cost
of human feedback, it is important to carefully compare the both methods.
Recent work has already begun this comparison, but many questions still remain.
We conduct our own investigation, finding that process supervision
significantly outperforms outcome supervision for training models to solve
problems from the challenging MATH dataset. Our process-supervised model solves
78% of problems from a representative subset of the MATH test set.
Additionally, we show that active learning significantly improves the efficacy
of process supervision. To support related research, we also release PRM800K,
the complete dataset of 800,000 step-level human feedback labels used to train
our best reward model. | cs.LG | Let's Verify Step by Step |
2023-05-31T17:20:45Z | http://arxiv.org/pdf/2305.20046v2 | http://arxiv.org/abs/2305.20046v2 | Charalambos Themistocleous, Kyrana Tsapkini, Dimitrios Kokkinakis | 2023-12-06T11:33:43Z | cs.CL | Speech, language, and communication deficits are present in most
neurodegenerative syndromes. They enable the early detection, diagnosis,
treatment planning, and monitoring of neurocognitive disease progression as
part of traditional neurological assessment. Nevertheless, standard speech and
language evaluation is time-consuming and resource-intensive for clinicians. We
argue that using machine learning methodologies, natural language processing,
and modern artificial intelligence (AI) for Language Assessment is an
improvement over conventional manual assessment. Using these methodologies,
Computational Language Assessment (CLA) accomplishes three goals: (i) provides
a neuro-cognitive evaluation of speech, language, and communication in elderly
and high-risk individuals for dementia; (ii) facilitates the diagnosis,
prognosis, and therapy efficacy in at-risk and language-impaired populations;
and (iii) allows easier extensibility to assess patients from a wide range of
languages. By employing AI models, CLA may inform neurocognitive theory on the
relationship between language symptoms and their neural bases. Finally, it
signals a paradigm shift by significantly advancing our ability to optimize the
prevention and treatment of elderly individuals with communication disorders,
allowing them to age gracefully with social engagement. | cs.CL | Assessing Language Disorders using Artificial Intelligence: a Paradigm Shift |
2023-05-31T17:18:47Z | http://arxiv.org/pdf/2305.20045v1 | http://arxiv.org/abs/2305.20045v1 | Leon Weber, Barbara Plank | 2023-05-31T17:18:47Z | cs.CL, cs.LG | Manually annotated datasets are crucial for training and evaluating Natural
Language Processing models. However, recent work has discovered that even
widely-used benchmark datasets contain a substantial number of erroneous
annotations. This problem has been addressed with Annotation Error Detection
(AED) models, which can flag such errors for human re-annotation. However, even
though many of these AED methods assume a final curation step in which a human
annotator decides whether the annotation is erroneous, they have been developed
as static models without any human-in-the-loop component. In this work, we
propose ActiveAED, an AED method that can detect errors more accurately by
repeatedly querying a human for error corrections in its prediction loop. We
evaluate ActiveAED on eight datasets spanning five different tasks and find
that it leads to improvements over the state of the art on seven of them, with
gains of up to six percentage points in average precision. | cs.CL | ActiveAED: A Human in the Loop Improves Annotation Error Detection |
2023-05-31T16:53:23Z | http://arxiv.org/pdf/2306.01789v2 | http://arxiv.org/abs/2306.01789v2 | Dongseong Hwang, Changwan Ryu, Khe Chai Sim | 2023-07-14T16:53:12Z | cs.SD, cs.CL, eess.AS | RNN-T is currently considered the industry standard in ASR due to its
exceptional WERs in various benchmark tests and its ability to support seamless
streaming and longform transcription. However, its biggest drawback lies in the
significant discrepancy between its training and inference objectives. During
training, RNN-T maximizes all alignment probabilities by teacher forcing, while
during inference, it uses beam search which may not necessarily find the
maximum probable alignment. Additionally, RNN-T's inability to experience
mistakes during teacher forcing training makes it more problematic when a
mistake occurs in inference. To address this issue, this paper proposes a
Reinforcement Learning method that minimizes the gap between training and
inference time. Our Edit Distance based RL (EDRL) approach computes rewards
based on the edit distance, and trains the network at every action level. The
proposed approach yielded SoTA WERs on LibriSpeech for the 600M Conformer RNN-T
model. | cs.SD | Edit Distance based RL for RNNT decoding |
2023-05-31T16:48:06Z | http://arxiv.org/pdf/2305.20019v1 | http://arxiv.org/abs/2305.20019v1 | Jishnu Ray Chowdhury, Cornelia Caragea | 2023-05-31T16:48:06Z | cs.LG, cs.AI, cs.CL | We explore different ways to utilize position-based cross-attention in
seq2seq networks to enable length generalization in algorithmic tasks. We show
that a simple approach of interpolating the original and reversed encoded
representations combined with relative attention allows near-perfect length
generalization for both forward and reverse lookup tasks or copy tasks that had
been generally hard to tackle. We also devise harder diagnostic tasks where the
relative distance of the ideal attention position varies with timestep. In such
settings, the simple interpolation trick with relative attention is not
sufficient. We introduce novel variants of location attention building on top
of Dubois et al. (2020) to address the new diagnostic tasks. We also show the
benefits of our approaches for length generalization in SCAN (Lake & Baroni,
2018) and CFQ (Keysers et al., 2020). Our code is available on GitHub. | cs.LG | Monotonic Location Attention for Length Generalization |
2023-05-31T16:47:20Z | http://arxiv.org/pdf/2305.20018v1 | http://arxiv.org/abs/2305.20018v1 | Maxwell Crouse, Ramon Astudillo, Tahira Naseem, Subhajit Chaudhury, Pavan Kapanipathi, Salim Roukos, Alexander Gray | 2023-05-31T16:47:20Z | cs.CL, cs.AI | We introduce Logical Offline Cycle Consistency Optimization (LOCCO), a
scalable, semi-supervised method for training a neural semantic parser.
Conceptually, LOCCO can be viewed as a form of self-learning where the semantic
parser being trained is used to generate annotations for unlabeled text that
are then used as new supervision. To increase the quality of annotations, our
method utilizes a count-based prior over valid formal meaning representations
and a cycle-consistency score produced by a neural text generation model as
additional signals. Both the prior and semantic parser are updated in an
alternate fashion from full passes over the training data, which can be seen as
approximating the marginalization of latent structures through stochastic
variational inference. The use of a count-based prior, frozen text generation
model, and offline annotation process yields an approach with negligible
complexity and latency increases as compared to conventional self-learning. As
an added bonus, the annotations produced by LOCCO can be trivially repurposed
to train a neural text generation model. We demonstrate the utility of LOCCO on
the well-known WebNLG benchmark where we obtain an improvement of 2 points
against a self-learning parser under equivalent conditions, an improvement of
1.3 points against the previous state-of-the-art parser, and competitive text
generation performance in terms of BLEU score. | cs.CL | Scalable Learning of Latent Language Structure With Logical Offline Cycle Consistency |
2023-05-31T16:32:22Z | http://arxiv.org/pdf/2305.20010v1 | http://arxiv.org/abs/2305.20010v1 | Daniel Jannai, Amos Meron, Barak Lenz, Yoav Levine, Yoav Shoham | 2023-05-31T16:32:22Z | cs.AI, cs.CL, cs.CY, cs.HC, 68T50, I.2.7 | We present "Human or Not?", an online game inspired by the Turing test, that
measures the capability of AI chatbots to mimic humans in dialog, and of humans
to tell bots from other humans. Over the course of a month, the game was played
by over 1.5 million users who engaged in anonymous two-minute chat sessions
with either another human or an AI language model which was prompted to behave
like humans. The task of the players was to correctly guess whether they spoke
to a person or to an AI. This largest scale Turing-style test conducted to date
revealed some interesting facts. For example, overall users guessed the
identity of their partners correctly in only 68% of the games. In the subset of
the games in which users faced an AI bot, users had even lower correct guess
rates of 60% (that is, not much higher than chance). This white paper details
the development, deployment, and results of this unique experiment. While this
experiment calls for many extensions and refinements, these findings already
begin to shed light on the inevitable near future which will commingle humans
and AI. | cs.AI | Human or Not? A Gamified Approach to the Turing Test |
2023-05-31T16:20:04Z | http://arxiv.org/pdf/2305.19999v3 | http://arxiv.org/abs/2305.19999v3 | Jishnu Ray Chowdhury, Cornelia Caragea | 2023-06-20T11:50:33Z | cs.LG, cs.AI, cs.CL | We propose Beam Tree Recursive Cell (BT-Cell) - a backpropagation-friendly
framework to extend Recursive Neural Networks (RvNNs) with beam search for
latent structure induction. We further extend this framework by proposing a
relaxation of the hard top-k operators in beam search for better propagation of
gradient signals. We evaluate our proposed models in different
out-of-distribution splits in both synthetic and realistic data. Our
experiments show that BTCell achieves near-perfect performance on several
challenging structure-sensitive synthetic tasks like ListOps and logical
inference while maintaining comparable performance in realistic data against
other RvNN-based models. Additionally, we identify a previously unknown failure
case for neural models in generalization to unseen number of arguments in
ListOps. The code is available at:
https://github.com/JRC1995/BeamTreeRecursiveCells. | cs.LG | Beam Tree Recursive Cells |
2023-05-31T16:19:13Z | http://arxiv.org/pdf/2305.19998v1 | http://arxiv.org/abs/2305.19998v1 | Chenghao Yang, Fan Yin, He He, Kai-Wei Chang, Xiaofei Ma, Bing Xiang | 2023-05-31T16:19:13Z | cs.CL, cs.LG | Despite the popularity of Shapley Values in explaining neural text
classification models, computing them is prohibitive for large pretrained
models due to a large number of model evaluations. In practice, Shapley Values
are often estimated with a small number of stochastic model evaluations.
However, we show that the estimated Shapley Values are sensitive to random seed
choices -- the top-ranked features often have little overlap across different
seeds, especially on examples with longer input texts. This can only be
mitigated by aggregating thousands of model evaluations, which on the other
hand, induces substantial computational overheads. To mitigate the trade-off
between stability and efficiency, we develop an amortized model that directly
predicts each input feature's Shapley Value without additional model
evaluations. It is trained on a set of examples whose Shapley Values are
estimated from a large number of model evaluations to ensure stability.
Experimental results on two text classification datasets demonstrate that our
amortized model estimates Shapley Values accurately with up to 60 times speedup
compared to traditional methods. Furthermore, the estimated values are stable
as the inference is deterministic. We release our code at
https://github.com/yangalan123/Amortized-Interpretability. | cs.CL | Efficient Shapley Values Estimation by Amortization for Text Classification |
2023-05-31T16:06:07Z | http://arxiv.org/pdf/2305.19981v2 | http://arxiv.org/abs/2305.19981v2 | Yan Wang, Heidi Ann Scharf Donovan, Sabit Hassan, Mailhe Alikhani | 2023-06-20T16:52:56Z | cs.CL | Patients who effectively manage their symptoms often demonstrate higher
levels of engagement in conversations and interventions with healthcare
practitioners. This engagement is multifaceted, encompassing cognitive and
socio-affective dimensions. Consequently, it is crucial for AI systems to
understand the engagement in natural conversations between patients and
practitioners to better contribute toward patient care. In this paper, we
present a novel dataset (MedNgage), which consists of patient-nurse
conversations about cancer symptom management. We manually annotate the dataset
with a novel framework of categories of patient engagement from two different
angles, namely: i) socio-affective (3.1K spans), and ii) cognitive use of
language (1.8K spans). Through statistical analysis of the data that is
annotated using our framework, we show a positive correlation between patient
symptom management outcomes and their engagement in conversations.
Additionally, we demonstrate that pre-trained transformer models fine-tuned on
our dataset can reliably predict engagement classes in patient-nurse
conversations. Lastly, we use LIME (Ribeiro et al., 2016) to analyze the
underlying challenges of the tasks that state-of-the-art transformer models
encounter. The de-identified data is available for research purposes upon
request. | cs.CL | MedNgage: A Dataset for Understanding Engagement in Patient-Nurse Conversations |
2023-05-31T16:01:57Z | http://arxiv.org/pdf/2305.19974v1 | http://arxiv.org/abs/2305.19974v1 | Parker Glenn, Parag Pravin Dakle, Preethi Raghavan | 2023-05-31T16:01:57Z | cs.CL | In addressing the task of converting natural language to SQL queries, there
are several semantic and syntactic challenges. It becomes increasingly
important to understand and remedy the points of failure as the performance of
semantic parsing systems improve. We explore semantic parse correction with
natural language feedback, proposing a new solution built on the success of
autoregressive decoders in text-to-SQL tasks. By separating the semantic and
syntactic difficulties of the task, we show that the accuracy of text-to-SQL
parsers can be boosted by up to 26% with only one turn of correction with
natural language. Additionally, we show that a T5-base model is capable of
correcting the errors of a T5-large model in a zero-shot, cross-parser setting. | cs.CL | Correcting Semantic Parses with Natural Language through Dynamic Schema Encoding |
2023-05-31T16:01:20Z | http://arxiv.org/pdf/2305.19972v2 | http://arxiv.org/abs/2305.19972v2 | Ziyi Ni, Minglun Han, Feilong Chen, Linghui Meng, Jing Shi, Pin Lv, Bo Xu | 2023-12-18T12:29:00Z | eess.AS, cs.AI, cs.CL | Enhancing automatic speech recognition (ASR) performance by leveraging
additional multimodal information has shown promising results in previous
studies. However, most of these works have primarily focused on utilizing
visual cues derived from human lip motions. In fact, context-dependent visual
and linguistic cues can also benefit in many scenarios. In this paper, we first
propose ViLaS (Vision and Language into Automatic Speech Recognition), a novel
multimodal ASR model based on the continuous integrate-and-fire (CIF)
mechanism, which can integrate visual and textual context simultaneously or
separately, to facilitate speech recognition. Next, we introduce an effective
training strategy that improves performance in modal-incomplete test scenarios.
Then, to explore the effects of integrating vision and language, we create
VSDial, a multimodal ASR dataset with multimodal context cues in both Chinese
and English versions. Finally, empirical results are reported on the public
Flickr8K and self-constructed VSDial datasets. We explore various cross-modal
fusion schemes, analyze fine-grained crossmodal alignment on VSDial, and
provide insights into the effects of integrating multimodal information on
speech recognition. | eess.AS | VILAS: Exploring the Effects of Vision and Language Context in Automatic Speech Recognition |
2023-05-31T15:20:54Z | http://arxiv.org/pdf/2305.19936v1 | http://arxiv.org/abs/2305.19936v1 | Ryota Okumura, Tadahiro Taniguchi, Yosinobu Hagiwara, Akira Taniguchi | 2023-05-31T15:20:54Z | cs.CL, cs.HC | In this study, we explore the emergence of symbols during interactions
between individuals through an experimental semiotic study. Previous studies
investigate how humans organize symbol systems through communication using
artificially designed subjective experiments. In this study, we have focused on
a joint attention-naming game (JA-NG) in which participants independently
categorize objects and assign names while assuming their joint attention.
In the theory of the Metropolis-Hastings naming game (MHNG), listeners accept
provided names according to the acceptance probability computed using the
Metropolis-Hastings (MH) algorithm. The theory of MHNG suggests that symbols
emerge as an approximate decentralized Bayesian inference of signs, which is
represented as a shared prior variable if the conditions of MHNG are satisfied.
This study examines whether human participants exhibit behavior consistent
with MHNG theory when playing JA-NG. By comparing human acceptance decisions of
a partner's naming with acceptance probabilities computed in the MHNG, we
tested whether human behavior is consistent with the MHNG theory. The main
contributions of this study are twofold. First, we reject the null hypothesis
that humans make acceptance judgments with a constant probability, regardless
of the acceptance probability calculated by the MH algorithm. This result
suggests that people followed the acceptance probability computed by the MH
algorithm to some extent. Second, the MH-based model predicted human
acceptance/rejection behavior more accurately than the other four models:
Constant, Numerator, Subtraction, and Binary. This result indicates that symbol
emergence in JA-NG can be explained using MHNG and is considered an approximate
decentralized Bayesian inference. | cs.CL | Metropolis-Hastings algorithm in joint-attention naming game: Experimental semiotics study |
2023-05-31T15:17:28Z | http://arxiv.org/pdf/2305.19933v1 | http://arxiv.org/abs/2305.19933v1 | Ece Takmaz, Nicolo' Brandizzi, Mario Giulianelli, Sandro Pezzelle, Raquel Fernández | 2023-05-31T15:17:28Z | cs.CL, cs.AI, cs.CV | Dialogue participants may have varying levels of knowledge about the topic
under discussion. In such cases, it is essential for speakers to adapt their
utterances by taking their audience into account. Yet, it is an open question
how such adaptation can be modelled in computational agents. In this paper, we
model a visually grounded referential game between a knowledgeable speaker and
a listener with more limited visual and linguistic experience. Inspired by
psycholinguistic theories, we endow our speaker with the ability to adapt its
referring expressions via a simulation module that monitors the effectiveness
of planned utterances from the listener's perspective. We propose an adaptation
mechanism building on plug-and-play approaches to controlled language
generation, where utterance generation is steered on the fly by the simulator
without finetuning the speaker's underlying language model. Our results and
analyses show that our approach is effective: the speaker's utterances become
closer to the listener's domain of expertise, which leads to higher
communicative success. | cs.CL | Speaking the Language of Your Listener: Audience-Aware Adaptation via Plug-and-Play Theory of Mind |
2023-05-31T15:05:25Z | http://arxiv.org/pdf/2305.19928v4 | http://arxiv.org/abs/2305.19928v4 | Conglei Xu, Kun Shen, Hongguang Sun | 2023-06-23T13:47:17Z | cs.CL | Sequence labeling tasks require the computation of sentence representations
for each word within a given sentence. A prevalent method incorporates a
Bi-directional Long Short-Term Memory (BiLSTM) layer to enhance the sequence
structure information. However, empirical evidence Li (2020) suggests that the
capacity of BiLSTM to produce sentence representations for sequence labeling
tasks is inherently limited. This limitation primarily results from the
integration of fragments from past and future sentence representations to
formulate a complete sentence representation. In this study, we observed that
the entire sentence representation, found in both the first and last cells of
BiLSTM, can supplement each the individual sentence representation of each
cell. Accordingly, we devised a global context mechanism to integrate entire
future and past sentence representations into each cell's sentence
representation within the BiLSTM framework. By incorporating the BERT model
within BiLSTM as a demonstration, and conducting exhaustive experiments on nine
datasets for sequence labeling tasks, including named entity recognition (NER),
part of speech (POS) tagging, and End-to-End Aspect-Based sentiment analysis
(E2E-ABSA). We noted significant improvements in F1 scores and accuracy across
all examined datasets. | cs.CL | Supplementary Features of BiLSTM for Enhanced Sequence Labeling |
2023-05-31T15:03:28Z | http://arxiv.org/pdf/2305.19926v3 | http://arxiv.org/abs/2305.19926v3 | Jen-tse Huang, Wenxuan Wang, Man Ho Lam, Eric John Li, Wenxiang Jiao, Michael R. Lyu | 2023-12-28T13:21:01Z | cs.CL | Recent research has extended beyond assessing the performance of Large
Language Models (LLMs) to examining their characteristics from a psychological
standpoint, acknowledging the necessity of understanding their behavioral
characteristics. The administration of personality tests to LLMs has emerged as
a noteworthy area in this context. However, the suitability of employing
psychological scales, initially devised for humans, on LLMs is a matter of
ongoing debate. Our study aims to determine the reliability of applying
personality assessments to LLMs, explicitly investigating whether LLMs
demonstrate consistent personality traits. Analyzing responses under 2,500
settings reveals that gpt-3.5-turbo shows consistency in responses to the Big
Five Inventory, indicating a high degree of reliability. Furthermore, our
research explores the potential of gpt-3.5-turbo to emulate diverse
personalities and represent various groups, which is a capability increasingly
sought after in social sciences for substituting human participants with LLMs
to reduce costs. Our findings reveal that LLMs have the potential to represent
different personalities with specific prompt instructions. By shedding light on
the personalization of LLMs, our study endeavors to pave the way for future
explorations in this field. We have made our experimental results and the
corresponding code openly accessible via
https://github.com/CUHK-ARISE/LLMPersonality. | cs.CL | Revisiting the Reliability of Psychological Scales on Large Language Models |
2023-05-31T14:47:44Z | http://arxiv.org/pdf/2305.19915v4 | http://arxiv.org/abs/2305.19915v4 | Terry Yue Zhuo, Zhou Yang, Zhensu Sun, Yufei Wang, Li Li, Xiaoning Du, Zhenchang Xing, David Lo | 2023-11-13T17:34:53Z | cs.CL, cs.AI, cs.SE | The increasingly popular adoption of deep learning models in many critical
source code tasks motivates the development of data augmentation (DA)
techniques to enhance training data and improve various capabilities (e.g.,
robustness and generalizability) of these models. Although a series of DA
methods have been proposed and tailored for source code models, there lacks a
comprehensive survey and examination to understand their effectiveness and
implications. This paper fills this gap by conducting a comprehensive and
integrative survey of data augmentation for source code, wherein we
systematically compile and encapsulate existing literature to provide a
comprehensive overview of the field. We start with an introduction of data
augmentation in source code and then provide a discussion on major
representative approaches. Next, we highlight the general strategies and
techniques to optimize the DA quality. Subsequently, we underscore techniques
useful in real-world source code scenarios and downstream tasks. Finally, we
outline the prevailing challenges and potential opportunities for future
research. In essence, we aim to demystify the corpus of existing literature on
source code DA for deep learning, and foster further exploration in this
sphere. Complementing this, we present a continually updated GitHub repository
that hosts a list of update-to-date papers on DA for source code modeling,
accessible at \url{https://github.com/terryyz/DataAug4Code}. | cs.CL | Source Code Data Augmentation for Deep Learning: A Survey |
2023-05-31T14:44:33Z | http://arxiv.org/pdf/2305.19911v1 | http://arxiv.org/abs/2305.19911v1 | Alex Foote, Neel Nanda, Esben Kran, Ioannis Konstas, Shay Cohen, Fazl Barez | 2023-05-31T14:44:33Z | cs.LG, cs.CL | Advances in Large Language Models (LLMs) have led to remarkable capabilities,
yet their inner mechanisms remain largely unknown. To understand these models,
we need to unravel the functions of individual neurons and their contribution
to the network. This paper introduces a novel automated approach designed to
scale interpretability techniques across a vast array of neurons within LLMs,
to make them more interpretable and ultimately safe. Conventional methods
require examination of examples with strong neuron activation and manual
identification of patterns to decipher the concepts a neuron responds to. We
propose Neuron to Graph (N2G), an innovative tool that automatically extracts a
neuron's behaviour from the dataset it was trained on and translates it into an
interpretable graph. N2G uses truncation and saliency methods to emphasise only
the most pertinent tokens to a neuron while enriching dataset examples with
diverse samples to better encompass the full spectrum of neuron behaviour.
These graphs can be visualised to aid researchers' manual interpretation, and
can generate token activations on text for automatic validation by comparison
with the neuron's ground truth activations, which we use to show that the model
is better at predicting neuron activation than two baseline methods. We also
demonstrate how the generated graph representations can be flexibly used to
facilitate further automation of interpretability research, by searching for
neurons with particular properties, or programmatically comparing neurons to
each other to identify similar neurons. Our method easily scales to build graph
representations for all neurons in a 6-layer Transformer model using a single
Tesla T4 GPU, allowing for wide usability. We release the code and instructions
for use at https://github.com/alexjfoote/Neuron2Graph. | cs.LG | Neuron to Graph: Interpreting Language Model Neurons at Scale |
2023-05-31T14:38:14Z | http://arxiv.org/pdf/2305.19905v1 | http://arxiv.org/abs/2305.19905v1 | Aaron Mueller, Tal Linzen | 2023-05-31T14:38:14Z | cs.CL | Accurate syntactic representations are essential for robust generalization in
natural language. Recent work has found that pre-training can teach language
models to rely on hierarchical syntactic features - as opposed to incorrect
linear features - when performing tasks after fine-tuning. We test what aspects
of pre-training are important for endowing encoder-decoder Transformers with an
inductive bias that favors hierarchical syntactic generalizations. We focus on
architectural features (depth, width, and number of parameters), as well as the
genre and size of the pre-training corpus, diagnosing inductive biases using
two syntactic transformation tasks: question formation and passivization, both
in English. We find that the number of parameters alone does not explain
hierarchical generalization: model depth plays greater role than model width.
We also find that pre-training on simpler language, such as child-directed
speech, induces a hierarchical bias using an order-of-magnitude less data than
pre-training on more typical datasets based on web text or Wikipedia; this
suggests that in cognitively plausible language acquisition settings, neural
language models may be more data-efficient than previously thought. | cs.CL | How to Plant Trees in Language Models: Data and Architectural Effects on the Emergence of Syntactic Inductive Biases |
2023-05-31T14:35:53Z | http://arxiv.org/pdf/2305.19902v1 | http://arxiv.org/abs/2305.19902v1 | Jia Guo, Liying Cheng, Wenxuan Zhang, Stanley Kok, Xin Li, Lidong Bing | 2023-05-31T14:35:53Z | cs.CL | Argument mining involves multiple sub-tasks that automatically identify
argumentative elements, such as claim detection, evidence extraction, stance
classification, etc. However, each subtask alone is insufficient for a thorough
understanding of the argumentative structure and reasoning process. To learn a
complete view of an argument essay and capture the interdependence among
argumentative components, we need to know what opinions people hold (i.e.,
claims), why those opinions are valid (i.e., supporting evidence), which source
the evidence comes from (i.e., evidence type), and how those claims react to
the debating topic (i.e., stance). In this work, we for the first time propose
a challenging argument quadruplet extraction task (AQE), which can provide an
all-in-one extraction of four argumentative components, i.e., claims, evidence,
evidence types, and stances. To support this task, we construct a large-scale
and challenging dataset. However, there is no existing method that can solve
the argument quadruplet extraction. To fill this gap, we propose a novel
quad-tagging augmented generative approach, which leverages a quadruplet
tagging module to augment the training of the generative framework. The
experimental results on our dataset demonstrate the empirical superiority of
our proposed approach over several strong baselines. | cs.CL | AQE: Argument Quadruplet Extraction via a Quad-Tagging Augmented Generative Approach |
2023-05-31T14:28:19Z | http://arxiv.org/pdf/2305.19894v3 | http://arxiv.org/abs/2305.19894v3 | Zhongwei Wan, Che Liu, Mi Zhang, Jie Fu, Benyou Wang, Sibo Cheng, Lei Ma, César Quilodrán-Casas, Rossella Arcucci | 2024-02-17T19:49:54Z | cs.CL, cs.AI, cs.CV | The scarcity of data presents a critical obstacle to the efficacy of medical
visionlanguage pre-training (VLP). A potential solution lies in the combination
of datasets from various language communities. Nevertheless, the main challenge
stems from the complexity of integrating diverse syntax and semantics,
language-specific medical terminology, and culture-specific implicit knowledge.
Therefore, one crucial aspect to consider is the presence of community bias
caused by different languages. This paper presents a novel framework named
Unifying Cross-Lingual Medical Vision-Language Pre-Training (Med-UniC),
designed to integrate multimodal medical data from the two most prevalent
languages, English and Spanish. Specifically, we propose Cross-lingual Text
Alignment Regularization (CTR) to explicitly unify cross-lingual semantic
representations of medical reports originating from diverse language
communities. CTR is optimized through latent language disentanglement,
rendering our optimization objective to not depend on negative samples, thereby
significantly mitigating the bias from determining positive-negative sample
pairs within analogous medical reports. Furthermore, it ensures that the
cross-lingual representation is not biased toward any specific language
community. Med-UniC reaches superior performance across 5 medical image tasks
and 10 datasets encompassing over 30 diseases, offering a versatile framework
for unifying multi-modal medical data within diverse linguistic communities.
The experimental outcomes highlight the presence of community bias in
cross-lingual VLP. Reducing this bias enhances the performance not only in
vision-language tasks but also in uni-modal visual tasks. | cs.CL | Med-UniC: Unifying Cross-Lingual Medical Vision-Language Pre-Training by Diminishing Bias |
2023-05-31T13:48:45Z | http://arxiv.org/pdf/2305.19857v1 | http://arxiv.org/abs/2305.19857v1 | Xingran Chen, Ge Zhang, Jie Fu | 2023-05-31T13:48:45Z | cs.CL | Due to Multilingual Neural Machine Translation's (MNMT) capability of
zero-shot translation, many works have been carried out to fully exploit the
potential of MNMT in zero-shot translation. It is often hypothesized that
positional information may hinder the MNMT from outputting a robust encoded
representation for decoding. However, previous approaches treat all the
positional information equally and thus are unable to selectively remove
certain positional information. In sharp contrast, this paper investigates how
to learn to selectively preserve useful positional information.
We describe the specific mechanism of positional information influencing MNMT
from the perspective of linguistics at the token level. We design a token-level
position disentangle module (TPDM) framework to disentangle positional
information at the token level based on the explanation. Our experiments
demonstrate that our framework improves zero-shot translation by a large margin
while reducing the performance loss in the supervised direction compared to
previous works. | cs.CL | TPDM: Selectively Removing Positional Information for Zero-shot Translation via Token-Level Position Disentangle Module |
2023-05-31T13:36:51Z | http://arxiv.org/pdf/2305.19847v1 | http://arxiv.org/abs/2305.19847v1 | Zhihong Huang, Longyue Wang, Siyou Liu, Derek F. Wong | 2023-05-31T13:36:51Z | cs.CL, cs.AI | Pretrained language models (PLMs) have produced substantial improvements in
discourse-aware neural machine translation (NMT), for example, improved
coherence in spoken language translation. However, the underlying reasons for
their strong performance have not been well explained. To bridge this gap, we
introduce a probing task to interpret the ability of PLMs to capture discourse
relation knowledge. We validate three state-of-the-art PLMs across encoder-,
decoder-, and encoder-decoder-based models. The analysis shows that (1) the
ability of PLMs on discourse modelling varies from architecture and layer; (2)
discourse elements in a text lead to different learning difficulties for PLMs.
Besides, we investigate the effects of different PLMs on spoken language
translation. Through experiments on IWSLT2017 Chinese-English dataset, we
empirically reveal that NMT models initialized from different layers of PLMs
exhibit the same trends with the probing task. Our findings are instructive to
understand how and when discourse knowledge in PLMs should work for downstream
tasks. | cs.CL | How Does Pretraining Improve Discourse-Aware Translation? |
2023-05-31T13:33:29Z | http://arxiv.org/pdf/2305.19845v1 | http://arxiv.org/abs/2305.19845v1 | Zhengyuan Liu, Yong Keong Yap, Hai Leong Chieu, Nancy F. Chen | 2023-05-31T13:33:29Z | cs.CL | Stance detection determines whether the author of a piece of text is in favor
of, against, or neutral towards a specified target, and can be used to gain
valuable insights into social media. The ubiquitous indirect referral of
targets makes this task challenging, as it requires computational solutions to
model semantic features and infer the corresponding implications from a literal
statement. Moreover, the limited amount of available training data leads to
subpar performance in out-of-domain and cross-target scenarios, as data-driven
approaches are prone to rely on superficial and domain-specific features. In
this work, we decompose the stance detection task from a linguistic
perspective, and investigate key components and inference paths in this task.
The stance triangle is a generic linguistic framework previously proposed to
describe the fundamental ways people express their stance. We further expand it
by characterizing the relationship between explicit and implicit objects. We
then use the framework to extend one single training corpus with additional
annotation. Experimental results show that strategically-enriched data can
significantly improve the performance on out-of-domain and cross-target
evaluation. | cs.CL | Guiding Computational Stance Detection with Expanded Stance Triangle Framework |
2023-05-31T13:29:07Z | http://arxiv.org/pdf/2305.19840v2 | http://arxiv.org/abs/2305.19840v2 | Konrad Wojtasik, Vadim Shishkin, Kacper Wołowiec, Arkadiusz Janz, Maciej Piasecki | 2024-05-16T10:59:27Z | cs.IR, cs.AI, cs.CL | The BEIR dataset is a large, heterogeneous benchmark for Information
Retrieval (IR) in zero-shot settings, garnering considerable attention within
the research community. However, BEIR and analogous datasets are predominantly
restricted to the English language. Our objective is to establish extensive
large-scale resources for IR in the Polish language, thereby advancing the
research in this NLP area. In this work, inspired by mMARCO and Mr.~TyDi
datasets, we translated all accessible open IR datasets into Polish, and we
introduced the BEIR-PL benchmark -- a new benchmark which comprises 13
datasets, facilitating further development, training and evaluation of modern
Polish language models for IR tasks. We executed an evaluation and comparison
of numerous IR models on the newly introduced BEIR-PL benchmark. Furthermore,
we publish pre-trained open IR models for Polish language,d marking a
pioneering development in this field. Additionally, the evaluation revealed
that BM25 achieved significantly lower scores for Polish than for English,
which can be attributed to high inflection and intricate morphological
structure of the Polish language. Finally, we trained various re-ranking models
to enhance the BM25 retrieval, and we compared their performance to identify
their unique characteristic features. To ensure accurate model comparisons, it
is necessary to scrutinise individual results rather than to average across the
entire benchmark. Thus, we thoroughly analysed the outcomes of IR models in
relation to each individual data subset encompassed by the BEIR benchmark. The
benchmark data is available at URL {\bf https://huggingface.co/clarin-knext}. | cs.IR | BEIR-PL: Zero Shot Information Retrieval Benchmark for the Polish Language |
2023-05-31T13:23:04Z | http://arxiv.org/pdf/2305.19835v1 | http://arxiv.org/abs/2305.19835v1 | Bei Li, Rui Wang, Junliang Guo, Kaitao Song, Xu Tan, Hany Hassan, Arul Menezes, Tong Xiao, Jiang Bian, JingBo Zhu | 2023-05-31T13:23:04Z | cs.CL, cs.AI | Large language models (LLMs) have shown remarkable success across a wide
range of natural language generation tasks, where proper prompt designs make
great impacts. While existing prompting methods are normally restricted to
providing correct information, in this paper, we encourage the model to
deliberate by proposing a novel Deliberate then Generate (DTG) prompting
framework, which consists of error detection instructions and candidates that
may contain errors. DTG is a simple yet effective technique that can be applied
to various text generation tasks with minimal modifications. We conduct
extensive experiments on 20+ datasets across 7 text generation tasks, including
summarization, translation, dialogue, and more. We show that DTG consistently
outperforms existing prompting methods and achieves state-of-the-art
performance on multiple text generation tasks. We also provide in-depth
analyses to reveal the underlying mechanisms of DTG, which may inspire future
research on prompting for LLMs. | cs.CL | Deliberate then Generate: Enhanced Prompting Framework for Text Generation |
2023-05-31T13:03:17Z | http://arxiv.org/pdf/2305.19821v1 | http://arxiv.org/abs/2305.19821v1 | Rita Ramos, Bruno Martins, Desmond Elliott | 2023-05-31T13:03:17Z | cs.CL, cs.CV | Multilingual image captioning has recently been tackled by training with
large-scale machine translated data, which is an expensive, noisy, and
time-consuming process. Without requiring any multilingual caption data, we
propose LMCap, an image-blind few-shot multilingual captioning model that works
by prompting a language model with retrieved captions. Specifically, instead of
following the standard encoder-decoder paradigm, given an image, LMCap first
retrieves the captions of similar images using a multilingual CLIP encoder.
These captions are then combined into a prompt for an XGLM decoder, in order to
generate captions in the desired language. In other words, the generation model
does not directly process the image, instead processing retrieved captions.
Experiments on the XM3600 dataset of geographically diverse images show that
our model is competitive with fully-supervised multilingual captioning models,
without requiring any supervised training on any captioning data. | cs.CL | LMCap: Few-shot Multilingual Image Captioning by Retrieval Augmented Language Model Prompting |
2023-05-31T12:19:40Z | http://arxiv.org/pdf/2305.19783v1 | http://arxiv.org/abs/2305.19783v1 | Maarten De Raedt, Fréderic Godin, Thomas Demeester, Chris Develder | 2023-05-31T12:19:40Z | cs.CL | Intent discovery is the task of inferring latent intents from a set of
unlabeled utterances, and is a useful step towards the efficient creation of
new conversational agents. We show that recent competitive methods in intent
discovery can be outperformed by clustering utterances based on abstractive
summaries, i.e., "labels", that retain the core elements while removing
non-essential information. We contribute the IDAS approach, which collects a
set of descriptive utterance labels by prompting a Large Language Model,
starting from a well-chosen seed set of prototypical utterances, to bootstrap
an In-Context Learning procedure to generate labels for non-prototypical
utterances. The utterances and their resulting noisy labels are then encoded by
a frozen pre-trained encoder, and subsequently clustered to recover the latent
intents. For the unsupervised task (without any intent labels) IDAS outperforms
the state-of-the-art by up to +7.42% in standard cluster metrics for the
Banking, StackOverflow, and Transport datasets. For the semi-supervised task
(with labels for a subset of intents) IDAS surpasses 2 recent methods on the
CLINC benchmark without even using labeled data. | cs.CL | IDAS: Intent Discovery with Abstractive Summarization |
2023-05-31T12:00:51Z | http://arxiv.org/pdf/2305.19769v1 | http://arxiv.org/abs/2305.19769v1 | Parthasaarathy Sudarsanam, Tuomas Virtanen | 2023-05-31T12:00:51Z | cs.CL, cs.LG, cs.SD, eess.AS | Audio question answering (AQA) is the task of producing natural language
answers when a system is provided with audio and natural language questions. In
this paper, we propose neural network architectures based on self-attention and
cross-attention for the AQA task. The self-attention layers extract powerful
audio and textual representations. The cross-attention maps audio features that
are relevant to the textual features to produce answers. All our models are
trained on the recently proposed Clotho-AQA dataset for both binary yes/no
questions and single-word answer questions. Our results clearly show
improvement over the reference method reported in the original paper. On the
yes/no binary classification task, our proposed model achieves an accuracy of
68.3% compared to 62.7% in the reference model. For the single-word answers
multiclass classifier, our model produces a top-1 and top-5 accuracy of 57.9%
and 99.8% compared to 54.2% and 93.7% in the reference model respectively. We
further discuss some of the challenges in the Clotho-AQA dataset such as the
presence of the same answer word in multiple tenses, singular and plural forms,
and the presence of specific and generic answers to the same question. We
address these issues and present a revised version of the dataset. | cs.CL | Attention-Based Methods For Audio Question Answering |
2023-05-31T11:50:43Z | http://arxiv.org/pdf/2306.01004v1 | http://arxiv.org/abs/2306.01004v1 | Ru Zhou, Wenya Guo, Xumeng Liu, Shenglong Yu, Ying Zhang, Xiaojie Yuan | 2023-05-31T11:50:43Z | cs.CL, cs.AI | Multimodal aspect-based sentiment analysis (MABSA) aims to extract aspects
from text-image pairs and recognize their sentiments. Existing methods make
great efforts to align the whole image to corresponding aspects. However,
different regions of the image may relate to different aspects in the same
sentence, and coarsely establishing image-aspect alignment will introduce noise
to aspect-based sentiment analysis (i.e., visual noise). Besides, the sentiment
of a specific aspect can also be interfered by descriptions of other aspects
(i.e., textual noise). Considering the aforementioned noises, this paper
proposes an Aspect-oriented Method (AoM) to detect aspect-relevant semantic and
sentiment information. Specifically, an aspect-aware attention module is
designed to simultaneously select textual tokens and image blocks that are
semantically related to the aspects. To accurately aggregate sentiment
information, we explicitly introduce sentiment embedding into AoM, and use a
graph convolutional network to model the vision-text and text-text interaction.
Extensive experiments demonstrate the superiority of AoM to existing methods.
The source code is publicly released at https://github.com/SilyRab/AoM. | cs.CL | AoM: Detecting Aspect-oriented Information for Multimodal Aspect-Based Sentiment Analysis |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.