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-02T22:39:14Z | http://arxiv.org/pdf/2306.01937v1 | http://arxiv.org/abs/2306.01937v1 | Robert Lo, Arnhav Datar, Abishek Sridhar | 2023-06-02T22:39:14Z | cs.LG, cs.AI, cs.CL | Deep generative models for Natural Language data offer a new angle on the
problem of graph synthesis: by optimizing differentiable models that directly
generate graphs, it is possible to side-step expensive search procedures in the
discrete and vast space of possible graphs. We introduce LIC-GAN, an implicit,
likelihood-free generative model for small graphs that circumvents the need for
expensive graph matching procedures. Our method takes as input a natural
language query and using a combination of language modelling and Generative
Adversarial Networks (GANs) and returns a graph that closely matches the
description of the query. We combine our approach with a reward network to
further enhance the graph generation with desired properties. Our experiments,
show that LIC-GAN does well on metrics such as PropMatch and Closeness getting
scores of 0.36 and 0.48. We also show that LIC-GAN performs as good as ChatGPT,
with ChatGPT getting scores of 0.40 and 0.42. We also conduct a few experiments
to demonstrate the robustness of our method, while also highlighting a few
interesting caveats of the model. | cs.LG | LIC-GAN: Language Information Conditioned Graph Generative GAN Model |
2023-06-02T22:12:05Z | http://arxiv.org/pdf/2306.01931v3 | http://arxiv.org/abs/2306.01931v3 | Wenqian Cui, Xiangling Fu, Shaohui Liu, Mingjun Gu, Xien Liu, Ji Wu, Irwin King | 2024-06-13T07:06:52Z | cs.CL, cs.AI | Disease name normalization is an important task in the medical domain. It
classifies disease names written in various formats into standardized names,
serving as a fundamental component in smart healthcare systems for various
disease-related functions. Nevertheless, the most significant obstacle to
existing disease name normalization systems is the severe shortage of training
data. Consequently, we present a novel data augmentation approach that includes
a series of data augmentation techniques and some supporting modules to help
mitigate the problem. Our proposed methods rely on the Structural Invariance
property of disease names and the Hierarchy property of the disease
classification system. The goal is to equip the models with extensive
understanding of the disease names and the hierarchical structure of the
disease name classification system. Through extensive experimentation, we
illustrate that our proposed approach exhibits significant performance
improvements across various baseline models and training objectives,
particularly in scenarios with limited training data. | cs.CL | Simple Data Augmentation Techniques for Chinese Disease Normalization |
2023-06-02T22:09:46Z | http://arxiv.org/pdf/2306.01930v2 | http://arxiv.org/abs/2306.01930v2 | Jiaang Li, Antonia Karamolegkou, Yova Kementchedjhieva, Mostafa Abdou, Sune Lehmann, Anders Søgaard | 2023-10-31T15:02:05Z | cs.CL, cs.AI | Large language models (LLMs) have complicated internal dynamics, but induce
representations of words and phrases whose geometry we can study. Human
language processing is also opaque, but neural response measurements can
provide (noisy) recordings of activation during listening or reading, from
which we can extract similar representations of words and phrases. Here we
study the extent to which the geometries induced by these representations,
share similarities in the context of brain decoding. We find that the larger
neural language models get, the more their representations are structurally
similar to neural response measurements from brain imaging. Code is available
at \url{https://github.com/coastalcph/brainlm}. | cs.CL | Structural Similarities Between Language Models and Neural Response Measurements |
2023-06-02T20:31:58Z | http://arxiv.org/pdf/2306.01907v1 | http://arxiv.org/abs/2306.01907v1 | Xiaoyue Wang, Lijie Wang, Xin Liu, Suhang Wu, Jinsong Su, Hua Wu | 2023-06-02T20:31:58Z | cs.CL | Current Transformer-based natural language understanding (NLU) models heavily
rely on dataset biases, while failing to handle real-world out-of-distribution
(OOD) instances. Many methods have been proposed to deal with this issue, but
they ignore the fact that the features learned in different layers of
Transformer-based NLU models are different. In this paper, we first conduct
preliminary studies to obtain two conclusions: 1) both low- and high-layer
sentence representations encode common biased features during training; 2) the
low-layer sentence representations encode fewer unbiased features than the
highlayer ones. Based on these conclusions, we propose a simple yet effective
self-debiasing framework for Transformer-based NLU models. Concretely, we first
stack a classifier on a selected low layer. Then, we introduce a residual
connection that feeds the low-layer sentence representation to the top-layer
classifier. In this way, the top-layer sentence representation will be trained
to ignore the common biased features encoded by the low-layer sentence
representation and focus on task-relevant unbiased features. During inference,
we remove the residual connection and directly use the top-layer sentence
representation to make predictions. Extensive experiments and indepth analyses
on NLU tasks show that our framework performs better than several competitive
baselines, achieving a new SOTA on all OOD test sets. | cs.CL | A Simple yet Effective Self-Debiasing Framework for Transformer Models |
2023-06-02T20:28:14Z | http://arxiv.org/pdf/2306.03778v1 | http://arxiv.org/abs/2306.03778v1 | Denis Filimonov, Prabhat Pandey, Ariya Rastrow, Ankur Gandhe, Andreas Stolcke | 2023-06-02T20:28:14Z | eess.AS, cs.CL | In interactive automatic speech recognition (ASR) systems, low-latency
requirements limit the amount of search space that can be explored during
decoding, particularly in end-to-end neural ASR. In this paper, we present a
novel streaming ASR architecture that outputs a confusion network while
maintaining limited latency, as needed for interactive applications. We show
that 1-best results of our model are on par with a comparable RNN-T system,
while the richer hypothesis set allows second-pass rescoring to achieve 10-20\%
lower word error rate on the LibriSpeech task. We also show that our model
outperforms a strong RNN-T baseline on a far-field voice assistant task. | eess.AS | Streaming Speech-to-Confusion Network Speech Recognition |
2023-06-02T19:19:43Z | http://arxiv.org/pdf/2306.01879v4 | http://arxiv.org/abs/2306.01879v4 | Zhiqiu Lin, Xinyue Chen, Deepak Pathak, Pengchuan Zhang, Deva Ramanan | 2024-05-15T07:15:05Z | cs.CV, cs.AI, cs.CL | Vision-language models (VLMs) are impactful in part because they can be
applied to a variety of visual understanding tasks in a zero-shot fashion,
without any fine-tuning. We study $\textit{generative VLMs}$ that are trained
for next-word generation given an image. We explore their zero-shot performance
on the illustrative task of image-text retrieval across 8 popular
vision-language benchmarks. Our first observation is that they can be
repurposed for discriminative tasks (such as image-text retrieval) by simply
computing the match score of generating a particular text string given an
image. We call this probabilistic score the $\textit{Visual Generative
Pre-Training Score}$ (VisualGPTScore). While the VisualGPTScore produces
near-perfect accuracy on some retrieval benchmarks, it yields poor accuracy on
others. We analyze this behavior through a probabilistic lens, pointing out
that some benchmarks inadvertently capture unnatural language distributions by
creating adversarial but unlikely text captions. In fact, we demonstrate that
even a "blind" language model that ignores any image evidence can sometimes
outperform all prior art, reminiscent of similar challenges faced by the
visual-question answering (VQA) community many years ago. We derive a
probabilistic post-processing scheme that controls for the amount of linguistic
bias in generative VLMs at test time without having to retrain or fine-tune the
model. We show that the VisualGPTScore, when appropriately debiased, is a
strong zero-shot baseline for vision-language understanding, oftentimes
producing state-of-the-art accuracy. | cs.CV | Revisiting the Role of Language Priors in Vision-Language Models |
2023-06-02T18:23:35Z | http://arxiv.org/pdf/2306.01857v1 | http://arxiv.org/abs/2306.01857v1 | Aida Ramezani, Yang Xu | 2023-06-02T18:23:35Z | cs.CL | Moral norms vary across cultures. A recent line of work suggests that English
large language models contain human-like moral biases, but these studies
typically do not examine moral variation in a diverse cultural setting. We
investigate the extent to which monolingual English language models contain
knowledge about moral norms in different countries. We consider two levels of
analysis: 1) whether language models capture fine-grained moral variation
across countries over a variety of topics such as ``homosexuality'' and
``divorce''; 2) whether language models capture cultural diversity and shared
tendencies in which topics people around the globe tend to diverge or agree on
in their moral judgment. We perform our analyses with two public datasets from
the World Values Survey (across 55 countries) and PEW global surveys (across 40
countries) on morality. We find that pre-trained English language models
predict empirical moral norms across countries worse than the English moral
norms reported previously. However, fine-tuning language models on the survey
data improves inference across countries at the expense of a less accurate
estimate of the English moral norms. We discuss the relevance and challenges of
incorporating cultural knowledge into the automated inference of moral norms. | cs.CL | Knowledge of cultural moral norms in large language models |
2023-06-02T18:17:52Z | http://arxiv.org/pdf/2306.01855v1 | http://arxiv.org/abs/2306.01855v1 | Jiarui Lu, Bo-Hsiang Tseng, Joel Ruben Antony Moniz, Site Li, Xueyun Zhu, Hong Yu, Murat Akbacak | 2023-06-02T18:17:52Z | cs.CL, cs.AI, cs.LG | Providing voice assistants the ability to navigate multi-turn conversations
is a challenging problem. Handling multi-turn interactions requires the system
to understand various conversational use-cases, such as steering, intent
carryover, disfluencies, entity carryover, and repair. The complexity of this
problem is compounded by the fact that these use-cases mix with each other,
often appearing simultaneously in natural language. This work proposes a
non-autoregressive query rewriting architecture that can handle not only the
five aforementioned tasks, but also complex compositions of these use-cases. We
show that our proposed model has competitive single task performance compared
to the baseline approach, and even outperforms a fine-tuned T5 model in
use-case compositions, despite being 15 times smaller in parameters and 25
times faster in latency. | cs.CL | 5IDER: Unified Query Rewriting for Steering, Intent Carryover, Disfluencies, Entity Carryover and Repair |
2023-06-02T18:01:02Z | http://arxiv.org/pdf/2306.01841v1 | http://arxiv.org/abs/2306.01841v1 | Zechun Liu, Barlas Oguz, Aasish Pappu, Yangyang Shi, Raghuraman Krishnamoorthi | 2023-06-02T18:01:02Z | cs.CL | Ternary and binary neural networks enable multiplication-free computation and
promise multiple orders of magnitude efficiency gains over full-precision
networks if implemented on specialized hardware. However, since both the
parameter and the output space are highly discretized, such networks have
proven very difficult to optimize. The difficulties are compounded for the
class of transformer text generation models due to the sensitivity of the
attention operation to quantization and the noise-compounding effects of
autoregressive decoding in the high-cardinality output space. We approach the
problem with a mix of statistics-based quantization for the weights and elastic
quantization of the activations and demonstrate the first ternary and binary
transformer models on the downstream tasks of summarization and machine
translation. Our ternary BART base achieves an R1 score of 41 on the
CNN/DailyMail benchmark, which is merely 3.9 points behind the full model while
being 16x more efficient. Our binary model, while less accurate, achieves a
highly non-trivial score of 35.6. For machine translation, we achieved BLEU
scores of 21.7 and 17.6 on the WMT16 En-Ro benchmark, compared with a full
precision mBART model score of 26.8. We also compare our approach in the 8-bit
activation setting, where our ternary and even binary weight models can match
or outperform the best existing 8-bit weight models in the literature. Our code
and models are available at:
https://github.com/facebookresearch/Ternary_Binary_Transformer | cs.CL | Binary and Ternary Natural Language Generation |
2023-06-02T17:59:09Z | http://arxiv.org/pdf/2306.01735v1 | http://arxiv.org/abs/2306.01735v1 | Michael Saxon, William Yang Wang | 2023-06-02T17:59:09Z | cs.CL, cs.AI, cs.CV, eess.IV | We propose "Conceptual Coverage Across Languages" (CoCo-CroLa), a technique
for benchmarking the degree to which any generative text-to-image system
provides multilingual parity to its training language in terms of tangible
nouns. For each model we can assess "conceptual coverage" of a given target
language relative to a source language by comparing the population of images
generated for a series of tangible nouns in the source language to the
population of images generated for each noun under translation in the target
language. This technique allows us to estimate how well-suited a model is to a
target language as well as identify model-specific weaknesses, spurious
correlations, and biases without a-priori assumptions. We demonstrate how it
can be used to benchmark T2I models in terms of multilinguality, and how
despite its simplicity it is a good proxy for impressive generalization. | cs.CL | Multilingual Conceptual Coverage in Text-to-Image Models |
2023-06-02T17:58:03Z | http://arxiv.org/pdf/2306.01733v1 | http://arxiv.org/abs/2306.01733v1 | Srikar Appalaraju, Peng Tang, Qi Dong, Nishant Sankaran, Yichu Zhou, R. Manmatha | 2023-06-02T17:58:03Z | cs.CV, cs.CL, cs.LG | We propose DocFormerv2, a multi-modal transformer for Visual Document
Understanding (VDU). The VDU domain entails understanding documents (beyond
mere OCR predictions) e.g., extracting information from a form, VQA for
documents and other tasks. VDU is challenging as it needs a model to make sense
of multiple modalities (visual, language and spatial) to make a prediction. Our
approach, termed DocFormerv2 is an encoder-decoder transformer which takes as
input - vision, language and spatial features. DocFormerv2 is pre-trained with
unsupervised tasks employed asymmetrically i.e., two novel document tasks on
encoder and one on the auto-regressive decoder. The unsupervised tasks have
been carefully designed to ensure that the pre-training encourages
local-feature alignment between multiple modalities. DocFormerv2 when evaluated
on nine datasets shows state-of-the-art performance over strong baselines e.g.
TabFact (4.3%), InfoVQA (1.4%), FUNSD (1%). Furthermore, to show generalization
capabilities, on three VQA tasks involving scene-text, Doc- Formerv2
outperforms previous comparably-sized models and even does better than much
larger models (such as GIT2, PaLi and Flamingo) on some tasks. Extensive
ablations show that due to its pre-training, DocFormerv2 understands multiple
modalities better than prior-art in VDU. | cs.CV | DocFormerv2: Local Features for Document Understanding |
2023-06-02T17:54:36Z | http://arxiv.org/pdf/2306.01729v1 | http://arxiv.org/abs/2306.01729v1 | Stefania Raimondo, Christopher Pal, Xiaotian Liu, David Vazquez, Hector Palacios | 2023-06-02T17:54:36Z | cs.CL, cs.AI | Task-oriented dialogue is difficult in part because it involves understanding
user intent, collecting information from the user, executing API calls, and
generating helpful and fluent responses. However, for complex tasks one must
also correctly do all of these things over multiple steps, and in a specific
order. While large pre-trained language models can be fine-tuned end-to-end to
create multi-step task-oriented dialogue agents that generate fluent text, our
experiments confirm that this approach alone cannot reliably perform new
multi-step tasks that are unseen during training. To address these limitations,
we augment the dialogue contexts given to \textmd{text2text} transformers with
known \textit{valid workflow names} and \textit{action plans}. Action plans
consist of sequences of actions required to accomplish a task, and are encoded
as simple sequences of keywords (e.g. verify-identity, pull-up-account,
reset-password, etc.). We perform extensive experiments on the Action-Based
Conversations Dataset (ABCD) with T5-small, base and large models, and show
that such models: a) are able to more readily generalize to unseen workflows by
following the provided plan, and b) are able to generalize to executing unseen
actions if they are provided in the plan. In contrast, models are unable to
fully accomplish new multi-step tasks when they are not provided action plan
information, even when given new valid workflow names. | cs.CL | Improving Generalization in Task-oriented Dialogues with Workflows and Action Plans |
2023-06-02T17:31:52Z | http://arxiv.org/pdf/2306.01709v1 | http://arxiv.org/abs/2306.01709v1 | Alan Ansell, Edoardo Maria Ponti, Anna Korhonen, Ivan Vulić | 2023-06-02T17:31:52Z | cs.CL | Massively multilingual Transformers (MMTs), such as mBERT and XLM-R, are
widely used for cross-lingual transfer learning. While these are pretrained to
represent hundreds of languages, end users of NLP systems are often interested
only in individual languages. For such purposes, the MMTs' language coverage
makes them unnecessarily expensive to deploy in terms of model size, inference
time, energy, and hardware cost. We thus propose to extract compressed,
language-specific models from MMTs which retain the capacity of the original
MMTs for cross-lingual transfer. This is achieved by distilling the MMT
bilingually, i.e., using data from only the source and target language of
interest. Specifically, we use a two-phase distillation approach, termed
BiStil: (i) the first phase distils a general bilingual model from the MMT,
while (ii) the second, task-specific phase sparsely fine-tunes the bilingual
"student" model using a task-tuned variant of the original MMT as its
"teacher". We evaluate this distillation technique in zero-shot cross-lingual
transfer across a number of standard cross-lingual benchmarks. The key results
indicate that the distilled models exhibit minimal degradation in target
language performance relative to the base MMT despite being significantly
smaller and faster. Furthermore, we find that they outperform multilingually
distilled models such as DistilmBERT and MiniLMv2 while having a very modest
training budget in comparison, even on a per-language basis. We also show that
bilingual models distilled from MMTs greatly outperform bilingual models
trained from scratch. Our code and models are available at
https://github.com/AlanAnsell/bistil. | cs.CL | Distilling Efficient Language-Specific Models for Cross-Lingual Transfer |
2023-06-02T17:31:32Z | http://arxiv.org/pdf/2306.01708v2 | http://arxiv.org/abs/2306.01708v2 | Prateek Yadav, Derek Tam, Leshem Choshen, Colin Raffel, Mohit Bansal | 2023-10-27T01:09:31Z | cs.LG, cs.AI, cs.CL, cs.CV | Transfer learning - i.e., further fine-tuning a pre-trained model on a
downstream task - can confer significant advantages, including improved
downstream performance, faster convergence, and better sample efficiency. These
advantages have led to a proliferation of task-specific fine-tuned models,
which typically can only perform a single task and do not benefit from one
another. Recently, model merging techniques have emerged as a solution to
combine multiple task-specific models into a single multitask model without
performing additional training. However, existing merging methods often ignore
the interference between parameters of different models, resulting in large
performance drops when merging multiple models. In this paper, we demonstrate
that prior merging techniques inadvertently lose valuable information due to
two major sources of interference: (a) interference due to redundant parameter
values and (b) disagreement on the sign of a given parameter's values across
models. To address this, we propose our method, TRIM, ELECT SIGN & MERGE
(TIES-Merging), which introduces three novel steps when merging models: (1)
resetting parameters that only changed a small amount during fine-tuning, (2)
resolving sign conflicts, and (3) merging only the parameters that are in
alignment with the final agreed-upon sign. We find that TIES-Merging
outperforms several existing methods in diverse settings covering a range of
modalities, domains, number of tasks, model sizes, architectures, and
fine-tuning settings. We further analyze the impact of different types of
interference on model parameters, and highlight the importance of resolving
sign interference. Our code is available at
https://github.com/prateeky2806/ties-merging | cs.LG | TIES-Merging: Resolving Interference When Merging Models |
2023-06-02T17:29:22Z | http://arxiv.org/pdf/2306.01707v3 | http://arxiv.org/abs/2306.01707v3 | Tianduo Wang, Wei Lu | 2023-06-07T03:45:15Z | cs.CL | Mathematical reasoning is regarded as a necessary ability for Language Models
(LMs). Recent works demonstrate large LMs' impressive performance in solving
math problems. The success is attributed to their Chain-of-Thought (CoT)
reasoning abilities, i.e., the ability to decompose complex questions into
step-by-step reasoning chains, but such ability seems only to emerge from
models with abundant parameters. This work investigates how to incorporate
relatively small LMs with the capabilities of multi-step reasoning. We propose
to inject such abilities by continually pre-training LMs on a synthetic dataset
MsAT which is composed of Multi-step Arithmetic Tasks. Our experiments on four
math word problem datasets show the effectiveness of the proposed method in
enhancing LMs' math reasoning abilities. | cs.CL | Learning Multi-Step Reasoning by Solving Arithmetic Tasks |
2023-06-02T17:11:37Z | http://arxiv.org/pdf/2306.01693v2 | http://arxiv.org/abs/2306.01693v2 | Zeqiu Wu, Yushi Hu, Weijia Shi, Nouha Dziri, Alane Suhr, Prithviraj Ammanabrolu, Noah A. Smith, Mari Ostendorf, Hannaneh Hajishirzi | 2023-10-30T06:34:35Z | cs.CL | Language models (LMs) often exhibit undesirable text generation behaviors,
including generating false, toxic, or irrelevant outputs. Reinforcement
learning from human feedback (RLHF) - where human preference judgments on LM
outputs are transformed into a learning signal - has recently shown promise in
addressing these issues. However, such holistic feedback conveys limited
information on long text outputs; it does not indicate which aspects of the
outputs influenced user preference; e.g., which parts contain what type(s) of
errors. In this paper, we use fine-grained human feedback (e.g., which sentence
is false, which sub-sentence is irrelevant) as an explicit training signal. We
introduce Fine-Grained RLHF, a framework that enables training and learning
from reward functions that are fine-grained in two respects: (1) density,
providing a reward after every segment (e.g., a sentence) is generated; and (2)
incorporating multiple reward models associated with different feedback types
(e.g., factual incorrectness, irrelevance, and information incompleteness). We
conduct experiments on detoxification and long-form question answering to
illustrate how learning with such reward functions leads to improved
performance, supported by both automatic and human evaluation. Additionally, we
show that LM behaviors can be customized using different combinations of
fine-grained reward models. We release all data, collected human feedback, and
codes at https://FineGrainedRLHF.github.io. | cs.CL | Fine-Grained Human Feedback Gives Better Rewards for Language Model Training |
2023-06-02T16:26:21Z | http://arxiv.org/pdf/2306.01657v2 | http://arxiv.org/abs/2306.01657v2 | Guanqun Bi, Lei Shen, Yanan Cao, Meng Chen, Yuqiang Xie, Zheng Lin, Xiaodong He | 2023-07-09T08:09:49Z | cs.CL, cs.AI | Empathy is a crucial factor in open-domain conversations, which naturally
shows one's caring and understanding to others. Though several methods have
been proposed to generate empathetic responses, existing works often lead to
monotonous empathy that refers to generic and safe expressions. In this paper,
we propose to use explicit control to guide the empathy expression and design a
framework DiffusEmp based on conditional diffusion language model to unify the
utilization of dialogue context and attribute-oriented control signals.
Specifically, communication mechanism, intent, and semantic frame are imported
as multi-grained signals that control the empathy realization from coarse to
fine levels. We then design a specific masking strategy to reflect the
relationship between multi-grained signals and response tokens, and integrate
it into the diffusion model to influence the generative process. Experimental
results on a benchmark dataset EmpatheticDialogue show that our framework
outperforms competitive baselines in terms of controllability, informativeness,
and diversity without the loss of context-relatedness. | cs.CL | DiffusEmp: A Diffusion Model-Based Framework with Multi-Grained Control for Empathetic Response Generation |
2023-06-02T14:54:16Z | http://arxiv.org/pdf/2306.01584v2 | http://arxiv.org/abs/2306.01584v2 | Semere Kiros Bitew, Johannes Deleu, A. Seza Doğruöz, Chris Develder, Thomas Demeester | 2023-06-15T10:23:53Z | cs.CL | Since performing exercises (including, e.g., practice tests) forms a crucial
component of learning, and creating such exercises requires non-trivial effort
from the teacher, there is a great value in automatic exercise generation in
digital tools in education. In this paper, we particularly focus on automatic
creation of gapfilling exercises for language learning, specifically grammar
exercises. Since providing any annotation in this domain requires human expert
effort, we aim to avoid it entirely and explore the task of converting existing
texts into new gap-filling exercises, purely based on an example exercise,
without explicit instruction or detailed annotation of the intended grammar
topics. We contribute (i) a novel neural network architecture specifically
designed for aforementioned gap-filling exercise generation task, and (ii) a
real-world benchmark dataset for French grammar. We show that our model for
this French grammar gap-filling exercise generation outperforms a competitive
baseline classifier by 8% in F1 percentage points, achieving an average F1
score of 82%. Our model implementation and the dataset are made publicly
available to foster future research, thus offering a standardized evaluation
and baseline solution of the proposed partially annotated data prediction task
in grammar exercise creation. | cs.CL | Learning from Partially Annotated Data: Example-aware Creation of Gap-filling Exercises for Language Learning |
2023-06-02T14:48:19Z | http://arxiv.org/pdf/2306.01579v1 | http://arxiv.org/abs/2306.01579v1 | Hsien-Chin Lin, Shutong Feng, Christian Geishauser, Nurul Lubis, Carel van Niekerk, Michael Heck, Benjamin Ruppik, Renato Vukovic, Milica Gašić | 2023-06-02T14:48:19Z | cs.CL | Existing user simulators (USs) for task-oriented dialogue systems only model
user behaviour on semantic and natural language levels without considering the
user persona and emotions. Optimising dialogue systems with generic user
policies, which cannot model diverse user behaviour driven by different
emotional states, may result in a high drop-off rate when deployed in the real
world. Thus, we present EmoUS, a user simulator that learns to simulate user
emotions alongside user behaviour. EmoUS generates user emotions, semantic
actions, and natural language responses based on the user goal, the dialogue
history, and the user persona. By analysing what kind of system behaviour
elicits what kind of user emotions, we show that EmoUS can be used as a probe
to evaluate a variety of dialogue systems and in particular their effect on the
user's emotional state. Developing such methods is important in the age of
large language model chat-bots and rising ethical concerns. | cs.CL | EmoUS: Simulating User Emotions in Task-Oriented Dialogues |
2023-06-02T13:58:59Z | http://arxiv.org/pdf/2306.01551v1 | http://arxiv.org/abs/2306.01551v1 | Antoine Le Borgne, Xavier Marjou, Fanny Parzysz, Tayeb Lemlouma | 2023-06-02T13:58:59Z | cs.CL | Extracting information from geographic images and text is crucial for
autonomous vehicles to determine in advance the best cell stations to connect
to along their future path. Multiple artificial neural network models can
address this challenge; however, there is no definitive guidance on the
selection of an appropriate model for such use cases. Therefore, we
experimented two architectures to solve such a task: a first architecture with
chained models where each model in the chain addresses a sub-task of the task;
and a second architecture with a single model that addresses the whole task.
Our results showed that these two architectures achieved the same level
performance with a root mean square error (RMSE) of 0.055 and 0.056; The
findings further revealed that when the task can be decomposed into sub-tasks,
the chain architecture exhibits a twelve-fold increase in training speed
compared to the composite model. Nevertheless, the composite model
significantly alleviates the burden of data labeling. | cs.CL | Comparing a composite model versus chained models to locate a nearest visual object |
2023-06-02T13:56:30Z | http://arxiv.org/pdf/2306.01549v1 | http://arxiv.org/abs/2306.01549v1 | Patrizio Giovannotti | 2023-06-02T13:56:30Z | cs.CL, stat.ML | This paper presents a new approach for assessing uncertainty in machine
translation by simultaneously evaluating translation quality and providing a
reliable confidence score. Our approach utilizes conformal predictive
distributions to produce prediction intervals with guaranteed coverage, meaning
that for any given significance level $\epsilon$, we can expect the true
quality score of a translation to fall out of the interval at a rate of
$1-\epsilon$. In this paper, we demonstrate how our method outperforms a
simple, but effective baseline on six different language pairs in terms of
coverage and sharpness. Furthermore, we validate that our approach requires the
data exchangeability assumption to hold for optimal performance. | cs.CL | Evaluating Machine Translation Quality with Conformal Predictive Distributions |
2023-06-02T13:49:53Z | http://arxiv.org/pdf/2306.01545v2 | http://arxiv.org/abs/2306.01545v2 | Javier Rando, Fernando Perez-Cruz, Briland Hitaj | 2023-06-14T22:45:28Z | cs.CL, cs.AI, cs.CR | Large language models (LLMs) successfully model natural language from vast
amounts of text without the need for explicit supervision. In this paper, we
investigate the efficacy of LLMs in modeling passwords. We present PassGPT, a
LLM trained on password leaks for password generation. PassGPT outperforms
existing methods based on generative adversarial networks (GAN) by guessing
twice as many previously unseen passwords. Furthermore, we introduce the
concept of guided password generation, where we leverage PassGPT sampling
procedure to generate passwords matching arbitrary constraints, a feat lacking
in current GAN-based strategies. Lastly, we conduct an in-depth analysis of the
entropy and probability distribution that PassGPT defines over passwords and
discuss their use in enhancing existing password strength estimators. | cs.CL | PassGPT: Password Modeling and (Guided) Generation with Large Language Models |
2023-06-02T12:54:38Z | http://arxiv.org/pdf/2306.01506v2 | http://arxiv.org/abs/2306.01506v2 | Marvin Lavechin, Yaya Sy, Hadrien Titeux, María Andrea Cruz Blandón, Okko Räsänen, Hervé Bredin, Emmanuel Dupoux, Alejandrina Cristia | 2023-06-08T12:22:30Z | cs.CL, eess.AS, stat.ML | Self-supervised techniques for learning speech representations have been
shown to develop linguistic competence from exposure to speech without the need
for human labels. In order to fully realize the potential of these approaches
and further our understanding of how infants learn language, simulations must
closely emulate real-life situations by training on developmentally plausible
corpora and benchmarking against appropriate test sets. To this end, we propose
a language-acquisition-friendly benchmark to probe spoken language models at
the lexical and syntactic levels, both of which are compatible with the
vocabulary typical of children's language experiences. This paper introduces
the benchmark and summarizes a range of experiments showing its usefulness. In
addition, we highlight two exciting challenges that need to be addressed for
further progress: bridging the gap between text and speech and between clean
speech and in-the-wild speech. | cs.CL | BabySLM: language-acquisition-friendly benchmark of self-supervised spoken language models |
2023-06-02T12:52:38Z | http://arxiv.org/pdf/2306.01505v2 | http://arxiv.org/abs/2306.01505v2 | Dou Hu, Yinan Bao, Lingwei Wei, Wei Zhou, Songlin Hu | 2023-07-09T23:27:27Z | cs.CL, cs.AI, cs.LG | Extracting generalized and robust representations is a major challenge in
emotion recognition in conversations (ERC). To address this, we propose a
supervised adversarial contrastive learning (SACL) framework for learning
class-spread structured representations in a supervised manner. SACL applies
contrast-aware adversarial training to generate worst-case samples and uses
joint class-spread contrastive learning to extract structured representations.
It can effectively utilize label-level feature consistency and retain
fine-grained intra-class features. To avoid the negative impact of adversarial
perturbations on context-dependent data, we design a contextual adversarial
training (CAT) strategy to learn more diverse features from context and enhance
the model's context robustness. Under the framework with CAT, we develop a
sequence-based SACL-LSTM to learn label-consistent and context-robust features
for ERC. Experiments on three datasets show that SACL-LSTM achieves
state-of-the-art performance on ERC. Extended experiments prove the
effectiveness of SACL and CAT. | cs.CL | Supervised Adversarial Contrastive Learning for Emotion Recognition in Conversations |
2023-06-02T12:47:45Z | http://arxiv.org/pdf/2306.01499v1 | http://arxiv.org/abs/2306.01499v1 | Zhuo Wang, Rongzhen Li, Bowen Dong, Jie Wang, Xiuxing Li, Ning Liu, Chenhui Mao, Wei Zhang, Liling Dong, Jing Gao, Jianyong Wang | 2023-06-02T12:47:45Z | cs.CL, cs.LG | Recent investigations show that large language models (LLMs), specifically
GPT-4, not only have remarkable capabilities in common Natural Language
Processing (NLP) tasks but also exhibit human-level performance on various
professional and academic benchmarks. However, whether GPT-4 can be directly
used in practical applications and replace traditional artificial intelligence
(AI) tools in specialized domains requires further experimental validation. In
this paper, we explore the potential of LLMs such as GPT-4 to outperform
traditional AI tools in dementia diagnosis. Comprehensive comparisons between
GPT-4 and traditional AI tools are conducted to examine their diagnostic
accuracy in a clinical setting. Experimental results on two real clinical
datasets show that, although LLMs like GPT-4 demonstrate potential for future
advancements in dementia diagnosis, they currently do not surpass the
performance of traditional AI tools. The interpretability and faithfulness of
GPT-4 are also evaluated by comparison with real doctors. We discuss the
limitations of GPT-4 in its current state and propose future research
directions to enhance GPT-4 in dementia diagnosis. | cs.CL | Can LLMs like GPT-4 outperform traditional AI tools in dementia diagnosis? Maybe, but not today |
2023-06-02T12:45:34Z | http://arxiv.org/pdf/2306.01497v1 | http://arxiv.org/abs/2306.01497v1 | Wissam Antoun, Benoît Sagot, Djamé Seddah | 2023-06-02T12:45:34Z | cs.CL | Recent advances in NLP have significantly improved the performance of
language models on a variety of tasks. While these advances are largely driven
by the availability of large amounts of data and computational power, they also
benefit from the development of better training methods and architectures. In
this paper, we introduce CamemBERTa, a French DeBERTa model that builds upon
the DeBERTaV3 architecture and training objective. We evaluate our model's
performance on a variety of French downstream tasks and datasets, including
question answering, part-of-speech tagging, dependency parsing, named entity
recognition, and the FLUE benchmark, and compare against CamemBERT, the
state-of-the-art monolingual model for French. Our results show that, given the
same amount of training tokens, our model outperforms BERT-based models trained
with MLM on most tasks. Furthermore, our new model reaches similar or superior
performance on downstream tasks compared to CamemBERT, despite being trained on
only 30% of its total number of input tokens. In addition to our experimental
results, we also publicly release the weights and code implementation of
CamemBERTa, making it the first publicly available DeBERTaV3 model outside of
the original paper and the first openly available implementation of a DeBERTaV3
training objective. https://gitlab.inria.fr/almanach/CamemBERTa | cs.CL | Data-Efficient French Language Modeling with CamemBERTa |
2023-06-02T12:09:59Z | http://arxiv.org/pdf/2306.01481v1 | http://arxiv.org/abs/2306.01481v1 | Aleksandra Piktus, Odunayo Ogundepo, Christopher Akiki, Akintunde Oladipo, Xinyu Zhang, Hailey Schoelkopf, Stella Biderman, Martin Potthast, Jimmy Lin | 2023-06-02T12:09:59Z | cs.CL | Noticing the urgent need to provide tools for fast and user-friendly
qualitative analysis of large-scale textual corpora of the modern NLP, we
propose to turn to the mature and well-tested methods from the domain of
Information Retrieval (IR) - a research field with a long history of tackling
TB-scale document collections. We discuss how Pyserini - a widely used toolkit
for reproducible IR research can be integrated with the Hugging Face ecosystem
of open-source AI libraries and artifacts. We leverage the existing
functionalities of both platforms while proposing novel features further
facilitating their integration. Our goal is to give NLP researchers tools that
will allow them to develop retrieval-based instrumentation for their data
analytics needs with ease and agility. We include a Jupyter Notebook-based walk
through the core interoperability features, available on GitHub at
https://github.com/huggingface/gaia. We then demonstrate how the ideas we
present can be operationalized to create a powerful tool for qualitative data
analysis in NLP. We present GAIA Search - a search engine built following
previously laid out principles, giving access to four popular large-scale text
collections. GAIA serves a dual purpose of illustrating the potential of
methodologies we discuss but also as a standalone qualitative analysis tool
that can be leveraged by NLP researchers aiming to understand datasets prior to
using them in training. GAIA is hosted live on Hugging Face Spaces -
https://huggingface.co/spaces/spacerini/gaia. | cs.CL | GAIA Search: Hugging Face and Pyserini Interoperability for NLP Training Data Exploration |
2023-06-02T11:59:57Z | http://arxiv.org/pdf/2306.01818v1 | http://arxiv.org/abs/2306.01818v1 | Muhammad Shoaib Farooq, Hafiz Ali Younas | 2023-06-02T11:59:57Z | cs.LG, cs.AI, cs.CL | Thalassemia is a group of inherited blood disorders that happen when
hemoglobin, the protein in red blood cells that carries oxygen, is not made
enough. It is found all over the body and is needed for survival. If both
parents have thalassemia, a child's chance of getting it increases. Genetic
counselling and early diagnosis are essential for treating thalassemia and
stopping it from being passed on to future generations. It may be hard for
healthcare professionals to differentiate between people with thalassemia
carriers and those without. The current blood tests for beta thalassemia
carriers are too expensive, take too long, and require too much screening
equipment. The World Health Organization says there is a high death rate for
people with thalassemia. Therefore, it is essential to find thalassemia
carriers to act quickly. High-performance liquid chromatography (HPLC), the
standard test method, has problems such as cost, time, and equipment needs. So,
there must be a quick and cheap way to find people carrying the thalassemia
gene. Using federated learning (FL) techniques, this study shows a new way to
find people with the beta-thalassemia gene. FL allows data to be collected and
processed on-site while following privacy rules, making it an excellent choice
for sensitive health data. Researchers used FL to train a model for
beta-thalassemia carriers by looking at the complete blood count results and
red blood cell indices. The model was 92.38 % accurate at telling the
difference between beta-thalassemia carriers and people who did not have the
disease. The proposed FL model is better than other published methods in terms
of how well it works, how reliable it is, and how private it is. This research
shows a promising, quick, accurate, and low-cost way to find thalassemia
carriers and opens the door for screening them on a large scale. | cs.LG | Beta Thalassemia Carriers detection empowered federated Learning |
2023-06-02T11:52:21Z | http://arxiv.org/pdf/2306.01471v1 | http://arxiv.org/abs/2306.01471v1 | Stefan Arnold, Dilara Yesilbas, Sven Weinzierl | 2023-06-02T11:52:21Z | cs.CL, cs.CR, cs.LG | Metric Differential Privacy is a generalization of differential privacy
tailored to address the unique challenges of text-to-text privatization. By
adding noise to the representation of words in the geometric space of
embeddings, words are replaced with words located in the proximity of the noisy
representation. Since embeddings are trained based on word co-occurrences, this
mechanism ensures that substitutions stem from a common semantic context.
Without considering the grammatical category of words, however, this mechanism
cannot guarantee that substitutions play similar syntactic roles. We analyze
the capability of text-to-text privatization to preserve the grammatical
category of words after substitution and find that surrogate texts consist
almost exclusively of nouns. Lacking the capability to produce surrogate texts
that correlate with the structure of the sensitive texts, we encompass our
analysis by transforming the privatization step into a candidate selection
problem in which substitutions are directed to words with matching grammatical
properties. We demonstrate a substantial improvement in the performance of
downstream tasks by up to $4.66\%$ while retaining comparative privacy
guarantees. | cs.CL | Guiding Text-to-Text Privatization by Syntax |
2023-06-02T11:41:24Z | http://arxiv.org/pdf/2306.01465v1 | http://arxiv.org/abs/2306.01465v1 | Elena Chistova, Ivan Smirnov | 2023-06-02T11:41:24Z | cs.CL | Coreference resolution is the task of identifying and grouping mentions
referring to the same real-world entity. Previous neural models have mainly
focused on learning span representations and pairwise scores for coreference
decisions. However, current methods do not explicitly capture the referential
choice in the hierarchical discourse, an important factor in coreference
resolution. In this study, we propose a new approach that incorporates
rhetorical information into neural coreference resolution models. We collect
rhetorical features from automated discourse parses and examine their impact.
As a base model, we implement an end-to-end span-based coreference resolver
using a partially fine-tuned multilingual entity-aware language model LUKE. We
evaluate our method on the RuCoCo-23 Shared Task for coreference resolution in
Russian. Our best model employing rhetorical distance between mentions has
ranked 1st on the development set (74.6% F1) and 2nd on the test set (73.3% F1)
of the Shared Task. We hope that our work will inspire further research on
incorporating discourse information in neural coreference resolution models. | cs.CL | Light Coreference Resolution for Russian with Hierarchical Discourse Features |
2023-06-02T11:33:06Z | http://arxiv.org/pdf/2306.01457v1 | http://arxiv.org/abs/2306.01457v1 | Stefan Arnold, Dilara Yesilbas, Sven Weinzierl | 2023-06-02T11:33:06Z | cs.CL, cs.LG | \textit{Metric Differential Privacy} enables text-to-text privatization by
adding calibrated noise to the vector of a word derived from an embedding space
and projecting this noisy vector back to a discrete vocabulary using a nearest
neighbor search. Since words are substituted without context, this mechanism is
expected to fall short at finding substitutes for words with ambiguous
meanings, such as \textit{'bank'}. To account for these ambiguous words, we
leverage a sense embedding and incorporate a sense disambiguation step prior to
noise injection. We encompass our modification to the privatization mechanism
with an estimation of privacy and utility. For word sense disambiguation on the
\textit{Words in Context} dataset, we demonstrate a substantial increase in
classification accuracy by $6.05\%$. | cs.CL | Driving Context into Text-to-Text Privatization |
2023-06-02T11:07:13Z | http://arxiv.org/pdf/2306.01444v1 | http://arxiv.org/abs/2306.01444v1 | Tiberiu Sosea, Hongli Zhan, Junyi Jessy Li, Cornelia Caragea | 2023-06-02T11:07:13Z | cs.CL | Understanding what leads to emotions during large-scale crises is important
as it can provide groundings for expressed emotions and subsequently improve
the understanding of ongoing disasters. Recent approaches trained supervised
models to both detect emotions and explain emotion triggers (events and
appraisals) via abstractive summarization. However, obtaining timely and
qualitative abstractive summaries is expensive and extremely time-consuming,
requiring highly-trained expert annotators. In time-sensitive, high-stake
contexts, this can block necessary responses. We instead pursue unsupervised
systems that extract triggers from text. First, we introduce CovidET-EXT,
augmenting (Zhan et al. 2022)'s abstractive dataset (in the context of the
COVID-19 crisis) with extractive triggers. Second, we develop new unsupervised
learning models that can jointly detect emotions and summarize their triggers.
Our best approach, entitled Emotion-Aware Pagerank, incorporates emotion
information from external sources combined with a language understanding
module, and outperforms strong baselines. We release our data and code at
https://github.com/tsosea2/CovidET-EXT. | cs.CL | Unsupervised Extractive Summarization of Emotion Triggers |
2023-06-02T11:06:48Z | http://arxiv.org/pdf/2306.01443v1 | http://arxiv.org/abs/2306.01443v1 | Takashi Wada, Yuji Matsumoto, Timothy Baldwin, Jey Han Lau | 2023-06-02T11:06:48Z | cs.CL, cs.AI, cs.LG | We propose an unsupervised approach to paraphrasing multiword expressions
(MWEs) in context. Our model employs only monolingual corpus data and
pre-trained language models (without fine-tuning), and does not make use of any
external resources such as dictionaries. We evaluate our method on the SemEval
2022 idiomatic semantic text similarity task, and show that it outperforms all
unsupervised systems and rivals supervised systems. | cs.CL | Unsupervised Paraphrasing of Multiword Expressions |
2023-06-02T11:03:26Z | http://arxiv.org/pdf/2306.01442v1 | http://arxiv.org/abs/2306.01442v1 | Fabian Kögel, Bac Nguyen, Fabien Cardinaux | 2023-06-02T11:03:26Z | cs.SD, cs.CL, cs.LG, eess.AS | State-of-the-art non-autoregressive text-to-speech (TTS) models based on
FastSpeech 2 can efficiently synthesise high-fidelity and natural speech. For
expressive speech datasets however, we observe characteristic audio
distortions. We demonstrate that such artefacts are introduced to the vocoder
reconstruction by over-smooth mel-spectrogram predictions, which are induced by
the choice of mean-squared-error (MSE) loss for training the mel-spectrogram
decoder. With MSE loss FastSpeech 2 is limited to learn conditional averages of
the training distribution, which might not lie close to a natural sample if the
distribution still appears multimodal after all conditioning signals. To
alleviate this problem, we introduce TVC-GMM, a mixture model of
Trivariate-Chain Gaussian distributions, to model the residual multimodality.
TVC-GMM reduces spectrogram smoothness and improves perceptual audio quality in
particular for expressive datasets as shown by both objective and subjective
evaluation. | cs.SD | Towards Robust FastSpeech 2 by Modelling Residual Multimodality |
2023-06-02T10:59:44Z | http://arxiv.org/pdf/2306.01439v2 | http://arxiv.org/abs/2306.01439v2 | Quentin Delfosse, Hikaru Shindo, Devendra Dhami, Kristian Kersting | 2023-10-25T16:40:27Z | cs.LG, cs.AI, cs.CL, cs.LO, cs.SC | The limited priors required by neural networks make them the dominating
choice to encode and learn policies using reinforcement learning (RL). However,
they are also black-boxes, making it hard to understand the agent's behaviour,
especially when working on the image level. Therefore, neuro-symbolic RL aims
at creating policies that are interpretable in the first place. Unfortunately,
interpretability is not explainability. To achieve both, we introduce Neurally
gUided Differentiable loGic policiEs (NUDGE). NUDGE exploits trained neural
network-based agents to guide the search of candidate-weighted logic rules,
then uses differentiable logic to train the logic agents. Our experimental
evaluation demonstrates that NUDGE agents can induce interpretable and
explainable policies while outperforming purely neural ones and showing good
flexibility to environments of different initial states and problem sizes. | cs.LG | Interpretable and Explainable Logical Policies via Neurally Guided Symbolic Abstraction |
2023-06-02T09:55:15Z | http://arxiv.org/pdf/2306.03103v1 | http://arxiv.org/abs/2306.03103v1 | Andrei Afonin, Andrii Maksai, Aleksandr Timofeev, Claudiu Musat | 2023-06-02T09:55:15Z | cs.HC, cs.CL | Digital ink (online handwriting) generation has a number of potential
applications for creating user-visible content, such as handwriting
autocompletion, spelling correction, and beautification. Writing is personal
and usually the processing is done on-device. Ink generative models thus need
to produce high quality content quickly, in a resource constrained environment.
In this work, we study ways to maximize the quality of the output of a
trained digital ink generative model, while staying within an inference time
budget. We use and compare the effect of multiple sampling and ranking
techniques, in the first ablation study of its kind in the digital ink domain.
We confirm our findings on multiple datasets - writing in English and
Vietnamese, as well as mathematical formulas - using two model types and two
common ink data representations. In all combinations, we report a meaningful
improvement in the recognizability of the synthetic inks, in some cases more
than halving the character error rate metric, and describe a way to select the
optimal combination of sampling and ranking techniques for any given
computational budget. | cs.HC | Sampling and Ranking for Digital Ink Generation on a tight computational budget |
2023-06-02T09:46:29Z | http://arxiv.org/pdf/2306.01399v1 | http://arxiv.org/abs/2306.01399v1 | Jiaxin Bai, Chen Luo, Zheng Li, Qingyu Yin, Bing Yin, Yangqiu Song | 2023-06-02T09:46:29Z | cs.AI, cs.CL, cs.LO | A complex logic query in a knowledge graph refers to a query expressed in
logic form that conveys a complex meaning, such as where did the Canadian
Turing award winner graduate from? Knowledge graph reasoning-based
applications, such as dialogue systems and interactive search engines, rely on
the ability to answer complex logic queries as a fundamental task. In most
knowledge graphs, edges are typically used to either describe the relationships
between entities or their associated attribute values. An attribute value can
be in categorical or numerical format, such as dates, years, sizes, etc.
However, existing complex query answering (CQA) methods simply treat numerical
values in the same way as they treat entities. This can lead to difficulties in
answering certain queries, such as which Australian Pulitzer award winner is
born before 1927, and which drug is a pain reliever and has fewer side effects
than Paracetamol. In this work, inspired by the recent advances in numerical
encoding and knowledge graph reasoning, we propose numerical complex query
answering. In this task, we introduce new numerical variables and operations to
describe queries involving numerical attribute values. To address the
difference between entities and numerical values, we also propose the framework
of Number Reasoning Network (NRN) for alternatively encoding entities and
numerical values into separate encoding structures. During the numerical
encoding process, NRN employs a parameterized density function to encode the
distribution of numerical values. During the entity encoding process, NRN uses
established query encoding methods for the original CQA problem. Experimental
results show that NRN consistently improves various query encoding methods on
three different knowledge graphs and achieves state-of-the-art results. | cs.AI | Knowledge Graph Reasoning over Entities and Numerical Values |
2023-06-02T09:39:36Z | http://arxiv.org/pdf/2306.01393v3 | http://arxiv.org/abs/2306.01393v3 | Benoist Wolleb, Romain Silvestri, Giorgos Vernikos, Ljiljana Dolamic, Andrei Popescu-Belis | 2024-01-12T12:21:27Z | cs.CL | Subword tokenization is the de facto standard for tokenization in neural
language models and machine translation systems. Three advantages are
frequently cited in favor of subwords: shorter encoding of frequent tokens,
compositionality of subwords, and ability to deal with unknown words. As their
relative importance is not entirely clear yet, we propose a tokenization
approach that enables us to separate frequency (the first advantage) from
compositionality. The approach uses Huffman coding to tokenize words, by order
of frequency, using a fixed amount of symbols. Experiments with CS-DE, EN-FR
and EN-DE NMT show that frequency alone accounts for 90%-95% of the scores
reached by BPE, hence compositionality has less importance than previously
thought. | cs.CL | Assessing the Importance of Frequency versus Compositionality for Subword-based Tokenization in NMT |
2023-06-02T09:15:01Z | http://arxiv.org/pdf/2306.01386v1 | http://arxiv.org/abs/2306.01386v1 | Michael Heck, Nurul Lubis, Benjamin Ruppik, Renato Vukovic, Shutong Feng, Christian Geishauser, Hsien-Chin Lin, Carel van Niekerk, Milica Gašić | 2023-06-02T09:15:01Z | cs.CL, cs.AI | Recent research on dialogue state tracking (DST) focuses on methods that
allow few- and zero-shot transfer to new domains or schemas. However,
performance gains heavily depend on aggressive data augmentation and
fine-tuning of ever larger language model based architectures. In contrast,
general purpose language models, trained on large amounts of diverse data, hold
the promise of solving any kind of task without task-specific training. We
present preliminary experimental results on the ChatGPT research preview,
showing that ChatGPT achieves state-of-the-art performance in zero-shot DST.
Despite our findings, we argue that properties inherent to general purpose
models limit their ability to replace specialized systems. We further theorize
that the in-context learning capabilities of such models will likely become
powerful tools to support the development of dedicated and dynamic dialogue
state trackers. | cs.CL | ChatGPT for Zero-shot Dialogue State Tracking: A Solution or an Opportunity? |
2023-06-02T09:11:06Z | http://arxiv.org/pdf/2306.01385v2 | http://arxiv.org/abs/2306.01385v2 | Haoyu Wang, Siyuan Wang, Wei-Qiang Zhang, Hongbin Suo, Yulong Wan | 2023-07-09T06:31:46Z | eess.AS, cs.CL, cs.SD | Self-supervised pre-trained models such as Wav2vec2, Hubert, and WavLM have
been shown to significantly improve many speech tasks. However, their large
memory and strong computational requirements hinder their industrial
applicability. Structured pruning is a hardware-friendly model compression
technique but usually results in a larger loss of accuracy. In this paper, we
propose a fine-grained attention head pruning method to compensate for the
performance degradation. In addition, we also introduce the straight through
estimator into the L0 regularization to further accelerate the pruned model.
Experiments on the SUPERB benchmark show that our model can achieve comparable
performance to the dense model in multiple tasks and outperforms the Wav2vec
2.0 base model on average, with 72% fewer parameters and 2 times faster
inference speed. | eess.AS | Task-Agnostic Structured Pruning of Speech Representation Models |
2023-06-02T09:05:18Z | http://arxiv.org/pdf/2306.01382v2 | http://arxiv.org/abs/2306.01382v2 | Shravan Nayak, Surangika Ranathunga, Sarubi Thillainathan, Rikki Hung, Anthony Rinaldi, Yining Wang, Jonah Mackey, Andrew Ho, En-Shiun Annie Lee | 2023-09-24T01:33:13Z | cs.CL | NMT systems trained on Pre-trained Multilingual Sequence-Sequence (PMSS)
models flounder when sufficient amounts of parallel data is not available for
fine-tuning. This specifically holds for languages missing/under-represented in
these models. The problem gets aggravated when the data comes from different
domains. In this paper, we show that intermediate-task fine-tuning (ITFT) of
PMSS models is extremely beneficial for domain-specific NMT, especially when
target domain data is limited/unavailable and the considered languages are
missing or under-represented in the PMSS model. We quantify the domain-specific
results variations using a domain-divergence test, and show that ITFT can
mitigate the impact of domain divergence to some extent. | cs.CL | Leveraging Auxiliary Domain Parallel Data in Intermediate Task Fine-tuning for Low-resource Translation |
2023-06-02T08:02:15Z | http://arxiv.org/pdf/2306.01337v3 | http://arxiv.org/abs/2306.01337v3 | Yiran Wu, Feiran Jia, Shaokun Zhang, Hangyu Li, Erkang Zhu, Yue Wang, Yin Tat Lee, Richard Peng, Qingyun Wu, Chi Wang | 2024-06-28T10:26:27Z | cs.CL, stat.ML | Employing Large Language Models (LLMs) to address mathematical problems is an
intriguing research endeavor, considering the abundance of math problems
expressed in natural language across numerous science and engineering fields.
LLMs, with their generalized ability, are used as a foundation model to build
AI agents for different tasks. In this paper, we study the effectiveness of
utilizing LLM agents to solve math problems through conversations. We propose
MathChat, a conversational problem-solving framework designed for math
problems. MathChat consists of an LLM agent and a user proxy agent which is
responsible for tool execution and additional guidance. This synergy
facilitates a collaborative problem-solving process, where the agents engage in
a dialogue to solve the problems. We perform evaluation on difficult high
school competition problems from the MATH dataset. Utilizing Python, we show
that MathChat can further improve previous tool-using prompting methods by 6%. | cs.CL | MathChat: Converse to Tackle Challenging Math Problems with LLM Agents |
2023-06-02T07:48:37Z | http://arxiv.org/pdf/2306.01327v1 | http://arxiv.org/abs/2306.01327v1 | Ioannis Tsiamas, Gerard I. Gállego, José A. R. Fonollosa, Marta R. Costa-jussà | 2023-06-02T07:48:37Z | cs.CL, cs.SD, eess.AS | This paper describes the submission of the UPC Machine Translation group to
the IWSLT 2023 Offline Speech Translation task. Our Speech Translation systems
utilize foundation models for speech (wav2vec 2.0) and text (mBART50). We
incorporate a Siamese pretraining step of the speech and text encoders with CTC
and Optimal Transport, to adapt the speech representations to the space of the
text model, thus maximizing transfer learning from MT. After this pretraining,
we fine-tune our system end-to-end on ST, with Cross Entropy and Knowledge
Distillation. Apart from the available ST corpora, we create synthetic data
with SegAugment to better adapt our models to the custom segmentations of the
IWSLT test sets. Our best single model obtains 31.2 BLEU points on MuST-C
tst-COMMON, 29.8 points on IWLST.tst2020 and 33.4 points on the newly released
IWSLT.ACLdev2023. | cs.CL | Speech Translation with Foundation Models and Optimal Transport: UPC at IWSLT23 |
2023-06-02T07:48:20Z | http://arxiv.org/pdf/2306.01325v1 | http://arxiv.org/abs/2306.01325v1 | Alejandro Benito-Santos, Adrián Ghajari, Pedro Hernández, Víctor Fresno, Salvador Ros, Elena González-Blanco | 2023-06-02T07:48:20Z | cs.CL, cs.IR | In this paper, we present a new dataset and benchmark tailored to the task of
semantic similarity in song lyrics. Our dataset, originally consisting of 2775
pairs of Spanish songs, was annotated in a collective annotation experiment by
63 native annotators. After collecting and refining the data to ensure a high
degree of consensus and data integrity, we obtained 676 high-quality annotated
pairs that were used to evaluate the performance of various state-of-the-art
monolingual and multilingual language models. Consequently, we established
baseline results that we hope will be useful to the community in all future
academic and industrial applications conducted in this context. | cs.CL | LyricSIM: A novel Dataset and Benchmark for Similarity Detection in Spanish Song LyricS |
2023-06-02T07:33:47Z | http://arxiv.org/pdf/2306.01318v1 | http://arxiv.org/abs/2306.01318v1 | Daimeng Wei, Zhanglin Wu, Hengchao Shang, Zongyao Li, Minghan Wang, Jiaxin Guo, Xiaoyu Chen, Zhengzhe Yu, Hao Yang | 2023-06-02T07:33:47Z | cs.CL, cs.LG | Back Translation (BT) is widely used in the field of machine translation, as
it has been proved effective for enhancing translation quality. However, BT
mainly improves the translation of inputs that share a similar style (to be
more specific, translation-like inputs), since the source side of BT data is
machine-translated. For natural inputs, BT brings only slight improvements and
sometimes even adverse effects. To address this issue, we propose Text Style
Transfer Back Translation (TST BT), which uses a style transfer model to modify
the source side of BT data. By making the style of source-side text more
natural, we aim to improve the translation of natural inputs. Our experiments
on various language pairs, including both high-resource and low-resource ones,
demonstrate that TST BT significantly improves translation performance against
popular BT benchmarks. In addition, TST BT is proved to be effective in domain
adaptation so this strategy can be regarded as a general data augmentation
method. Our training code and text style transfer model are open-sourced. | cs.CL | Text Style Transfer Back-Translation |
2023-06-02T07:22:43Z | http://arxiv.org/pdf/2306.01312v2 | http://arxiv.org/abs/2306.01312v2 | Zikai Zhou, Haisong Feng, Baiyou Qiao, Gang Wu, Donghong Han | 2023-07-31T09:03:40Z | cs.CL | Multimodal Sentiment Analysis (MSA) has been a popular topic in natural
language processing nowadays, at both sentence and aspect level. However, the
existing approaches almost require large-size labeled datasets, which bring
about large consumption of time and resources. Therefore, it is practical to
explore the method for few-shot sentiment analysis in cross-modalities.
Previous works generally execute on textual modality, using the prompt-based
methods, mainly two types: hand-crafted prompts and learnable prompts. The
existing approach in few-shot multi-modality sentiment analysis task has
utilized both methods, separately. We further design a hybrid pattern that can
combine one or more fixed hand-crafted prompts and learnable prompts and
utilize the attention mechanisms to optimize the prompt encoder. The
experiments on both sentence-level and aspect-level datasets prove that we get
a significant outperformance. | cs.CL | Syntax-aware Hybrid prompt model for Few-shot multi-modal sentiment analysis |
2023-06-02T07:21:03Z | http://arxiv.org/pdf/2306.01311v1 | http://arxiv.org/abs/2306.01311v1 | Masoud Monajatipoor, Liunian Harold Li, Mozhdeh Rouhsedaghat, Lin F. Yang, Kai-Wei Chang | 2023-06-02T07:21:03Z | cs.CL | Large-scale language models have shown the ability to adapt to a new task via
conditioning on a few demonstrations (i.e., in-context learning). However, in
the vision-language domain, most large-scale pre-trained vision-language (VL)
models do not possess the ability to conduct in-context learning. How can we
enable in-context learning for VL models? In this paper, we study an
interesting hypothesis: can we transfer the in-context learning ability from
the language domain to VL domain? Specifically, we first meta-trains a language
model to perform in-context learning on NLP tasks (as in MetaICL); then we
transfer this model to perform VL tasks by attaching a visual encoder. Our
experiments suggest that indeed in-context learning ability can be transferred
cross modalities: our model considerably improves the in-context learning
capability on VL tasks and can even compensate for the size of the model
significantly. On VQA, OK-VQA, and GQA, our method could outperform the
baseline model while having 20 times fewer parameters. | cs.CL | MetaVL: Transferring In-Context Learning Ability From Language Models to Vision-Language Models |
2023-06-02T07:03:06Z | http://arxiv.org/pdf/2306.01303v1 | http://arxiv.org/abs/2306.01303v1 | Haoyu Wang, Siyuan Wang, Wei-Qiang Zhang, Jinfeng Bai | 2023-06-02T07:03:06Z | cs.CL, cs.SD, eess.AS | Multilingual self-supervised speech representation models have greatly
enhanced the speech recognition performance for low-resource languages, and the
compression of these huge models has also become a crucial prerequisite for
their industrial application. In this paper, we propose DistilXLSR, a distilled
cross-lingual speech representation model. By randomly shuffling the phonemes
of existing speech, we reduce the linguistic information and distill
cross-lingual models using only English data. We also design a layer-jumping
initialization method to fully leverage the teacher's pre-trained weights.
Experiments on 2 kinds of teacher models and 15 low-resource languages show
that our method can reduce the parameters by 50% while maintaining
cross-lingual representation ability. Our method is proven to be generalizable
to various languages/teacher models and has the potential to improve the
cross-lingual performance of the English pre-trained models. | cs.CL | DistilXLSR: A Light Weight Cross-Lingual Speech Representation Model |
2023-06-02T06:46:14Z | http://arxiv.org/pdf/2306.01296v1 | http://arxiv.org/abs/2306.01296v1 | Hanbyul Kim, Seunghyun Seo, Lukas Lee, Seolki Baek | 2023-06-02T06:46:14Z | eess.AS, cs.CL | Punctuated text prediction is crucial for automatic speech recognition as it
enhances readability and impacts downstream natural language processing tasks.
In streaming scenarios, the ability to predict punctuation in real-time is
particularly desirable but presents a difficult technical challenge. In this
work, we propose a method for predicting punctuated text from input speech
using a chunk-based Transformer encoder trained with Connectionist Temporal
Classification (CTC) loss. The acoustic model trained with long sequences by
concatenating the input and target sequences can learn punctuation marks
attached to the end of sentences more effectively. Additionally, by combining
CTC losses on the chunks and utterances, we achieved both the improved F1 score
of punctuation prediction and Word Error Rate (WER). | eess.AS | Improved Training for End-to-End Streaming Automatic Speech Recognition Model with Punctuation |
2023-06-02T06:28:21Z | http://arxiv.org/pdf/2306.03102v1 | http://arxiv.org/abs/2306.03102v1 | Amos Azaria, Rina Azoulay, Shulamit Reches | 2023-06-02T06:28:21Z | cs.HC, cs.AI, cs.CL, cs.CY | This paper investigates the capabilities of ChatGPT as an automated assistant
in diverse domains, including scientific writing, mathematics, education,
programming, and healthcare. We explore the potential of ChatGPT to enhance
productivity, streamline problem-solving processes, and improve writing style.
Furthermore, we highlight the potential risks associated with excessive
reliance on ChatGPT in these fields. These limitations encompass factors like
incorrect and fictitious responses, inaccuracies in code, limited logical
reasoning abilities, overconfidence, and critical ethical concerns of
copyrights and privacy violation. We outline areas and objectives where ChatGPT
proves beneficial, applications where it should be used judiciously, and
scenarios where its reliability may be limited. In light of observed
limitations, and given that the tool's fundamental errors may pose a special
challenge for non-experts, ChatGPT should be used with a strategic methodology.
By drawing from comprehensive experimental studies, we offer methods and flow
charts for effectively using ChatGPT. Our recommendations emphasize iterative
interaction with ChatGPT and independent verification of its outputs.
Considering the importance of utilizing ChatGPT judiciously and with expertise,
we recommend its usage for experts who are well-versed in the respective
domains. | cs.HC | ChatGPT is a Remarkable Tool -- For Experts |
2023-06-02T06:11:26Z | http://arxiv.org/pdf/2306.01286v2 | http://arxiv.org/abs/2306.01286v2 | Chung-Ching Chang, David Reitter, Renat Aksitov, Yun-Hsuan Sung | 2023-11-29T23:57:03Z | cs.CL, cs.AI | Temperature sampling is a conventional approach to diversify large language
model predictions. As temperature increases, the prediction becomes diverse but
also vulnerable to hallucinations -- generating tokens that are sensible but
not factual. One common approach to mitigate hallucinations is to provide
source/grounding documents and the model is trained to produce predictions that
bind to and are attributable to the provided source. It appears that there is a
trade-off between diversity and attribution. To mitigate any such trade-off, we
propose to relax the constraint of having a fixed temperature over decoding
steps, and a mechanism to guide the dynamic temperature according to its
relevance to the source through KL-divergence. Our experiments justifies the
trade-off, and shows that our sampling algorithm outperforms the conventional
top-k and top-p algorithms in conversational question-answering and
summarization tasks. | cs.CL | KL-Divergence Guided Temperature Sampling |
2023-06-02T05:18:19Z | http://arxiv.org/pdf/2306.01273v1 | http://arxiv.org/abs/2306.01273v1 | Hoang-Quoc Nguyen-Son, Seira Hidano, Kazuhide Fukushima, Shinsaku Kiyomoto, Isao Echizen | 2023-06-02T05:18:19Z | cs.CL | Adversarial attacks reveal serious flaws in deep learning models. More
dangerously, these attacks preserve the original meaning and escape human
recognition. Existing methods for detecting these attacks need to be trained
using original/adversarial data. In this paper, we propose detection without
training by voting on hard labels from predictions of transformations, namely,
VoteTRANS. Specifically, VoteTRANS detects adversarial text by comparing the
hard labels of input text and its transformation. The evaluation demonstrates
that VoteTRANS effectively detects adversarial text across various
state-of-the-art attacks, models, and datasets. | cs.CL | VoteTRANS: Detecting Adversarial Text without Training by Voting on Hard Labels of Transformations |
2023-06-02T04:03:14Z | http://arxiv.org/pdf/2306.01261v1 | http://arxiv.org/abs/2306.01261v1 | Yevhen Kostiuk, Atnafu Lambebo Tonja, Grigori Sidorov, Olga Kolesnikova | 2023-06-02T04:03:14Z | cs.CL | In this paper, we investigate the issue of hate speech by presenting a novel
task of translating hate speech into non-hate speech text while preserving its
meaning. As a case study, we use Spanish texts. We provide a dataset and
several baselines as a starting point for further research in the task. We
evaluated our baseline results using multiple metrics, including BLEU scores.
The aim of this study is to contribute to the development of more effective
methods for reducing the spread of hate speech in online communities. | cs.CL | Automatic Translation of Hate Speech to Non-hate Speech in Social Media Texts |
2023-06-02T03:16:19Z | http://arxiv.org/pdf/2306.01248v2 | http://arxiv.org/abs/2306.01248v2 | Aniket Deroy, Kripabandhu Ghosh, Saptarshi Ghosh | 2023-06-14T07:25:42Z | cs.CL, cs.IR, cs.LG | Automatic summarization of legal case judgements has traditionally been
attempted by using extractive summarization methods. However, in recent years,
abstractive summarization models are gaining popularity since they can generate
more natural and coherent summaries. Legal domain-specific pre-trained
abstractive summarization models are now available. Moreover, general-domain
pre-trained Large Language Models (LLMs), such as ChatGPT, are known to
generate high-quality text and have the capacity for text summarization. Hence
it is natural to ask if these models are ready for off-the-shelf application to
automatically generate abstractive summaries for case judgements. To explore
this question, we apply several state-of-the-art domain-specific abstractive
summarization models and general-domain LLMs on Indian court case judgements,
and check the quality of the generated summaries. In addition to standard
metrics for summary quality, we check for inconsistencies and hallucinations in
the summaries. We see that abstractive summarization models generally achieve
slightly higher scores than extractive models in terms of standard summary
evaluation metrics such as ROUGE and BLEU. However, we often find inconsistent
or hallucinated information in the generated abstractive summaries. Overall,
our investigation indicates that the pre-trained abstractive summarization
models and LLMs are not yet ready for fully automatic deployment for case
judgement summarization; rather a human-in-the-loop approach including manual
checks for inconsistencies is more suitable at present. | cs.CL | How Ready are Pre-trained Abstractive Models and LLMs for Legal Case Judgement Summarization? |
2023-06-02T03:09:31Z | http://arxiv.org/pdf/2306.01245v1 | http://arxiv.org/abs/2306.01245v1 | Yuxuan Zhou, Ziyu Jin, Meiwei Li, Miao Li, Xien Liu, Xinxin You, Ji Wu | 2023-06-02T03:09:31Z | cs.CL | The NLI4CT task aims to entail hypotheses based on Clinical Trial Reports
(CTRs) and retrieve the corresponding evidence supporting the justification.
This task poses a significant challenge, as verifying hypotheses in the NLI4CT
task requires the integration of multiple pieces of evidence from one or two
CTR(s) and the application of diverse levels of reasoning, including textual
and numerical. To address these problems, we present a multi-granularity system
for CTR-based textual entailment and evidence retrieval in this paper.
Specifically, we construct a Multi-granularity Inference Network (MGNet) that
exploits sentence-level and token-level encoding to handle both textual
entailment and evidence retrieval tasks. Moreover, we enhance the numerical
inference capability of the system by leveraging a T5-based model, SciFive,
which is pre-trained on the medical corpus. Model ensembling and a joint
inference method are further utilized in the system to increase the stability
and consistency of inference. The system achieves f1-scores of 0.856 and 0.853
on textual entailment and evidence retrieval tasks, resulting in the best
performance on both subtasks. The experimental results corroborate the
effectiveness of our proposed method. Our code is publicly available at
https://github.com/THUMLP/NLI4CT. | cs.CL | THiFLY Research at SemEval-2023 Task 7: A Multi-granularity System for CTR-based Textual Entailment and Evidence Retrieval |
2023-06-02T02:42:58Z | http://arxiv.org/pdf/2306.01242v2 | http://arxiv.org/abs/2306.01242v2 | Zhizheng Zhang, Xiaoyi Zhang, Wenxuan Xie, Yan Lu | 2023-12-04T13:36:59Z | cs.AI, cs.CL | The recent success of Large Language Models (LLMs) signifies an impressive
stride towards artificial general intelligence. They have shown a promising
prospect in automatically completing tasks upon user instructions, functioning
as brain-like coordinators. The associated risks will be revealed as we
delegate an increasing number of tasks to machines for automated completion. A
big question emerges: how can we make machines behave responsibly when helping
humans automate tasks as personal copilots? In this paper, we explore this
question in depth from the perspectives of feasibility, completeness and
security. In specific, we present Responsible Task Automation (ResponsibleTA)
as a fundamental framework to facilitate responsible collaboration between
LLM-based coordinators and executors for task automation with three empowered
capabilities: 1) predicting the feasibility of the commands for executors; 2)
verifying the completeness of executors; 3) enhancing the security (e.g., the
protection of users' privacy). We further propose and compare two paradigms for
implementing the first two capabilities. One is to leverage the generic
knowledge of LLMs themselves via prompt engineering while the other is to adopt
domain-specific learnable models. Moreover, we introduce a local memory
mechanism for achieving the third capability. We evaluate our proposed
ResponsibleTA on UI task automation and hope it could bring more attentions to
ensuring LLMs more responsible in diverse scenarios. | cs.AI | Responsible Task Automation: Empowering Large Language Models as Responsible Task Automators |
2023-06-02T01:00:44Z | http://arxiv.org/pdf/2306.01807v1 | http://arxiv.org/abs/2306.01807v1 | Avnish Patel | 2023-06-02T01:00:44Z | cs.CL, cs.AI | Applications of Natural Language Processing (NLP) are plentiful, from
sentiment analysis to text classification. Practitioners rely on static word
embeddings (e.g. Word2Vec or GloVe) or static word representation from
contextual models (e.g. BERT or ELMo) to perform many of these NLP tasks. These
widely available word embeddings are built from large amount of text, so they
are likely to have captured most of the vocabulary in different context.
However, how well would they capture domain-specific semantics and word
relatedness? This paper explores this idea by creating a bank-specific word
embeddings and evaluates them against other sources of word embeddings such as
GloVe and BERT. Not surprising that embeddings built from bank-specific corpora
does a better job of capturing the bank-specific semantics and word
relatedness. This finding suggests that bank-specific word embeddings could be
a good stand-alone source or a complement to other widely available embeddings
when performing NLP tasks specific to the banking industry. | cs.CL | Word Embeddings for Banking Industry |
2023-06-01T23:54:11Z | http://arxiv.org/pdf/2306.01208v2 | http://arxiv.org/abs/2306.01208v2 | Rao Ma, Mengjie Qian, Mark J. F. Gales, Kate M. Knill | 2023-10-10T09:44:24Z | eess.AS, cs.CL, cs.SD | As speech recognition model sizes and training data requirements grow, it is
increasingly common for systems to only be available via APIs from online
service providers rather than having direct access to models themselves. In
this scenario it is challenging to adapt systems to a specific target domain.
To address this problem we consider the recently released OpenAI Whisper ASR as
an example of a large-scale ASR system to assess adaptation methods. An error
correction based approach is adopted, as this does not require access to the
model, but can be trained from either 1-best or N-best outputs that are
normally available via the ASR API. LibriSpeech is used as the primary target
domain for adaptation. The generalization ability of the system in two distinct
dimensions are then evaluated. First, whether the form of correction model is
portable to other speech recognition domains, and secondly whether it can be
used for ASR models having a different architecture. | eess.AS | Adapting an Unadaptable ASR System |
2023-06-01T23:39:07Z | http://arxiv.org/pdf/2306.01206v1 | http://arxiv.org/abs/2306.01206v1 | Rhitabrat Pokharel, Ameeta Agrawal | 2023-06-01T23:39:07Z | cs.CL, cs.AI, cs.LG | Prior work typically describes out-of-domain (OOD) or out-of-distribution
(OODist) samples as those that originate from dataset(s) or source(s) different
from the training set but for the same task. When compared to in-domain (ID)
samples, the models have been known to usually perform poorer on OOD samples,
although this observation is not consistent. Another thread of research has
focused on OOD detection, albeit mostly using supervised approaches. In this
work, we first consolidate and present a systematic analysis of multiple
definitions of OOD and OODist as discussed in prior literature. Then, we
analyze the performance of a model under ID and OOD/OODist settings in a
principled way. Finally, we seek to identify an unsupervised method for
reliably identifying OOD/OODist samples without using a trained model. The
results of our extensive evaluation using 12 datasets from 4 different tasks
suggest the promising potential of unsupervised metrics in this task. | cs.CL | Estimating Semantic Similarity between In-Domain and Out-of-Domain Samples |
2023-06-01T23:29:23Z | http://arxiv.org/pdf/2306.01201v1 | http://arxiv.org/abs/2306.01201v1 | Liam Dugan, Anshul Wadhawan, Kyle Spence, Chris Callison-Burch, Morgan McGuire, Victor Zordan | 2023-06-01T23:29:23Z | cs.CL, cs.LG, cs.SD, eess.AS | Recent work in speech-to-speech translation (S2ST) has focused primarily on
offline settings, where the full input utterance is available before any output
is given. This, however, is not reasonable in many real-world scenarios. In
latency-sensitive applications, rather than waiting for the full utterance,
translations should be spoken as soon as the information in the input is
present. In this work, we introduce a system for simultaneous S2ST targeting
real-world use cases. Our system supports translation from 57 languages to
English with tunable parameters for dynamically adjusting the latency of the
output -- including four policies for determining when to speak an output
sequence. We show that these policies achieve offline-level accuracy with
minimal increases in latency over a Greedy (wait-$k$) baseline. We open-source
our evaluation code and interactive test script to aid future SimulS2ST
research and application development. | cs.CL | Learning When to Speak: Latency and Quality Trade-offs for Simultaneous Speech-to-Speech Translation with Offline Models |
2023-06-01T23:27:49Z | http://arxiv.org/pdf/2306.01200v1 | http://arxiv.org/abs/2306.01200v1 | Sameer Jain, Vaishakh Keshava, Swarnashree Mysore Sathyendra, Patrick Fernandes, Pengfei Liu, Graham Neubig, Chunting Zhou | 2023-06-01T23:27:49Z | cs.CL | Evaluation of natural language generation (NLG) is complex and
multi-dimensional. Generated text can be evaluated for fluency, coherence,
factuality, or any other dimensions of interest. Most frameworks that perform
such multi-dimensional evaluation require training on large manually or
synthetically generated datasets. In this paper, we study the efficacy of large
language models as multi-dimensional evaluators using in-context learning,
obviating the need for large training datasets. Our experiments show that
in-context learning-based evaluators are competitive with learned evaluation
frameworks for the task of text summarization, establishing state-of-the-art on
dimensions such as relevance and factual consistency. We then analyze the
effects of factors such as the selection and number of in-context examples on
performance. Finally, we study the efficacy of in-context learning based
evaluators in evaluating zero-shot summaries written by large language models
such as GPT-3. | cs.CL | Multi-Dimensional Evaluation of Text Summarization with In-Context Learning |
2023-06-01T22:43:37Z | http://arxiv.org/pdf/2306.01183v1 | http://arxiv.org/abs/2306.01183v1 | Adithya V Ganesan, Yash Kumar Lal, August Håkan Nilsson, H. Andrew Schwartz | 2023-06-01T22:43:37Z | cs.CL, 68T50, J.4; I.2; I.7 | Very large language models (LLMs) perform extremely well on a spectrum of NLP
tasks in a zero-shot setting. However, little is known about their performance
on human-level NLP problems which rely on understanding psychological concepts,
such as assessing personality traits. In this work, we investigate the
zero-shot ability of GPT-3 to estimate the Big 5 personality traits from users'
social media posts. Through a set of systematic experiments, we find that
zero-shot GPT-3 performance is somewhat close to an existing pre-trained SotA
for broad classification upon injecting knowledge about the trait in the
prompts. However, when prompted to provide fine-grained classification, its
performance drops to close to a simple most frequent class (MFC) baseline. We
further analyze where GPT-3 performs better, as well as worse, than a
pretrained lexical model, illustrating systematic errors that suggest ways to
improve LLMs on human-level NLP tasks. | cs.CL | Systematic Evaluation of GPT-3 for Zero-Shot Personality Estimation |
2023-06-01T21:58:33Z | http://arxiv.org/pdf/2306.01169v1 | http://arxiv.org/abs/2306.01169v1 | Guang Lu, Sylvia B. Larcher, Tu Tran | 2023-06-01T21:58:33Z | cs.CL | Text summarization is a downstream natural language processing (NLP) task
that challenges the understanding and generation capabilities of language
models. Considerable progress has been made in automatically summarizing short
texts, such as news articles, often leading to satisfactory results. However,
summarizing long documents remains a major challenge. This is due to the
complex contextual information in the text and the lack of open-source
benchmarking datasets and evaluation frameworks that can be used to develop and
test model performance. In this work, we use ChatGPT, the latest breakthrough
in the field of large language models (LLMs), together with the extractive
summarization model C2F-FAR (Coarse-to-Fine Facet-Aware Ranking) to propose a
hybrid extraction and summarization pipeline for long documents such as
business articles and books. We work with the world-renowned company
getAbstract AG and leverage their expertise and experience in professional book
summarization. A practical study has shown that machine-generated summaries can
perform at least as well as human-written summaries when evaluated using
current automated evaluation metrics. However, a closer examination of the
texts generated by ChatGPT through human evaluations has shown that there are
still critical issues in terms of text coherence, faithfulness, and style.
Overall, our results show that the use of ChatGPT is a very promising but not
yet mature approach for summarizing long documents and can at best serve as an
inspiration for human editors. We anticipate that our work will inform NLP
researchers about the extent to which ChatGPT's capabilities for summarizing
long documents overlap with practitioners' needs. Further work is needed to
test the proposed hybrid summarization pipeline, in particular involving GPT-4,
and to propose a new evaluation framework tailored to the task of summarizing
long documents. | cs.CL | Hybrid Long Document Summarization using C2F-FAR and ChatGPT: A Practical Study |
2023-06-01T21:40:48Z | http://arxiv.org/pdf/2306.01164v1 | http://arxiv.org/abs/2306.01164v1 | Ahrar Bin Aslam, Zafi Sherhan Syed, Muhammad Faiz Khan, Asghar Baloch, Muhammad Shehram Shah Syed | 2023-06-01T21:40:48Z | cs.CL, cs.SI | Background: Social media platforms have become a viable source of medical
information, with patients and healthcare professionals using them to share
health-related information and track diseases. Similarly, YouTube, the largest
video-sharing platform in the world contains vlogs where individuals talk about
their illnesses. The aim of our study was to investigate the use of Natural
Language Processing (NLP) to identify the spoken content of YouTube vlogs
related to the diagnosis of Coronavirus disease of 2019 (COVID-19) for public
health screening. Methods: COVID-19 videos on YouTube were searched using
relevant keywords. A total of 1000 videos being spoken in English were
downloaded out of which 791 were classified as vlogs, 192 were non-vlogs, and
17 were deleted by the channel. The videos were converted into a textual format
using Microsoft Streams. The textual data was preprocessed using basic and
advanced preprocessing methods. A lexicon of 200 words was created which
contained words related to COVID-19. The data was analyzed using topic
modeling, word clouds, and lexicon matching. Results: The word cloud results
revealed discussions about COVID-19 symptoms like "fever", along with generic
terms such as "mask" and "isolation". Lexical analysis demonstrated that in
96.46% of videos, patients discussed generic terms, and in 95.45% of videos,
people talked about COVID-19 symptoms. LDA Topic Modeling results also
generated topics that successfully captured key themes and content related to
our investigation of COVID-19 diagnoses in YouTube vlogs. Conclusion: By
leveraging NLP techniques on YouTube vlogs public health practitioners can
enhance their ability to mitigate the effects of pandemics and effectively
respond to public health challenges. | cs.CL | Leveraging Natural Language Processing For Public Health Screening On YouTube: A COVID-19 Case Study |
2023-06-01T21:33:59Z | http://arxiv.org/pdf/2306.01160v1 | http://arxiv.org/abs/2306.01160v1 | Matteo Pagliardini, Daniele Paliotta, Martin Jaggi, François Fleuret | 2023-06-01T21:33:59Z | cs.LG, cs.AI, cs.CL | Transformer-based language models have found many diverse applications
requiring them to process sequences of increasing length. For these
applications, the causal self-attention -- which is the only component scaling
quadratically w.r.t. the sequence length -- becomes a central concern. While
many works have proposed schemes to sparsify the attention patterns and reduce
the computational overhead of self-attention, those are often limited by
implementations concerns and end up imposing a simple and static structure over
the attention matrix. Conversely, implementing more dynamic sparse attentions
often results in runtimes significantly slower than computing the full
attention using the Flash implementation from Dao et al. (2022). We extend
FlashAttention to accommodate a large class of attention sparsity patterns
that, in particular, encompass key/query dropping and hashing-based attention.
This leads to implementations with no computational complexity overhead and a
multi-fold runtime speedup on top of FlashAttention. Even with relatively low
degrees of sparsity, our method improves visibly upon FlashAttention as the
sequence length increases. Without sacrificing perplexity, we increase the
training speed of a transformer language model by $2.0\times$ and $3.3\times$
for sequences of respectively $8k$ and $16k$ tokens. | cs.LG | Faster Causal Attention Over Large Sequences Through Sparse Flash Attention |
2023-06-01T21:31:00Z | http://arxiv.org/pdf/2306.03789v1 | http://arxiv.org/abs/2306.03789v1 | Peter Sullivan, AbdelRahim Elmadany, Muhammad Abdul-Mageed | 2023-06-01T21:31:00Z | eess.AS, cs.CL, cs.LG | Arabic dialect identification (ADI) tools are an important part of the
large-scale data collection pipelines necessary for training speech recognition
models. As these pipelines require application of ADI tools to potentially
out-of-domain data, we aim to investigate how vulnerable the tools may be to
this domain shift. With self-supervised learning (SSL) models as a starting
point, we evaluate transfer learning and direct classification from SSL
features. We undertake our evaluation under rich conditions, with a goal to
develop ADI systems from pretrained models and ultimately evaluate performance
on newly collected data. In order to understand what factors contribute to
model decisions, we carry out a careful human study of a subset of our data.
Our analysis confirms that domain shift is a major challenge for ADI models. We
also find that while self-training does alleviate this challenges, it may be
insufficient for realistic conditions. | eess.AS | On the Robustness of Arabic Speech Dialect Identification |
2023-06-01T21:23:13Z | http://arxiv.org/pdf/2306.01153v2 | http://arxiv.org/abs/2306.01153v2 | Yan Xu, Deqian Kong, Dehong Xu, Ziwei Ji, Bo Pang, Pascale Fung, Ying Nian Wu | 2023-08-05T05:48:41Z | cs.CL | The capability to generate responses with diversity and faithfulness using
factual knowledge is paramount for creating a human-like, trustworthy dialogue
system. Common strategies either adopt a two-step paradigm, which optimizes
knowledge selection and response generation separately, and may overlook the
inherent correlation between these two tasks, or leverage conditional
variational method to jointly optimize knowledge selection and response
generation by employing an inference network. In this paper, we present an
end-to-end learning framework, termed Sequential Posterior Inference (SPI),
capable of selecting knowledge and generating dialogues by approximately
sampling from the posterior distribution. Unlike other methods, SPI does not
require the inference network or assume a simple geometry of the posterior
distribution. This straightforward and intuitive inference procedure of SPI
directly queries the response generation model, allowing for accurate knowledge
selection and generation of faithful responses. In addition to modeling
contributions, our experimental results on two common dialogue datasets (Wizard
of Wikipedia and Holl-E) demonstrate that SPI outperforms previous strong
baselines according to both automatic and human evaluation metrics. | cs.CL | Diverse and Faithful Knowledge-Grounded Dialogue Generation via Sequential Posterior Inference |
2023-06-01T21:11:24Z | http://arxiv.org/pdf/2306.01150v1 | http://arxiv.org/abs/2306.01150v1 | Fan Yin, Jesse Vig, Philippe Laban, Shafiq Joty, Caiming Xiong, Chien-Sheng Jason Wu | 2023-06-01T21:11:24Z | cs.CL, cs.AI | Large language models (LLMs) have shown impressive performance in following
natural language instructions to solve unseen tasks. However, it remains
unclear whether models truly understand task definitions and whether the
human-written definitions are optimal. In this paper, we systematically study
the role of task definitions in instruction learning. We first conduct an
ablation analysis informed by human annotations to understand which parts of a
task definition are most important, and find that model performance only drops
substantially when removing contents describing the task output, in particular
label information. Next, we propose an automatic algorithm to compress task
definitions to a minimal supporting set of tokens, and find that 60\% of tokens
can be removed while maintaining or even improving model performance. Based on
these results, we propose two strategies to help models better leverage task
instructions: (1) providing only key information for tasks in a common
structured format, and (2) adding a meta-tuning stage to help the model better
understand the definitions. With these two strategies, we achieve a 4.2 Rouge-L
improvement over 119 unseen test tasks. | cs.CL | Did You Read the Instructions? Rethinking the Effectiveness of Task Definitions in Instruction Learning |
2023-06-01T20:56:34Z | http://arxiv.org/pdf/2306.01144v1 | http://arxiv.org/abs/2306.01144v1 | Nathan Vaska, Victoria Helus | 2023-06-01T20:56:34Z | cs.LG, cs.CL | The impressive advances and applications of large language and joint
language-and-visual understanding models has led to an increased need for
methods of probing their potential reasoning capabilities. However, the
difficulty of gather naturally-occurring data for complex multi-modal reasoning
tasks bottlenecks the evaluation of AI methods on tasks which are not already
covered by an academic dataset. In this work, we leverage recent advances in
high resolution text-to-image generation to develop a framework for generating
evaluation data for multi-modal reasoning tasks. We apply this framework to
generate context-dependent anomaly data, creating a synthetic dataset on a
challenging task which is not well covered by existing datasets. We benchmark
the performance of a state-of-the-art visual question answering (VQA) model
against data generated with this method, and demonstrate that while the task is
tractable, the model performs significantly worse on the context-dependent
anomaly detection task than on standard VQA tasks. | cs.LG | Evaluating the Capabilities of Multi-modal Reasoning Models with Synthetic Task Data |
2023-06-01T20:27:01Z | http://arxiv.org/pdf/2306.01128v2 | http://arxiv.org/abs/2306.01128v2 | Dan Friedman, Alexander Wettig, Danqi Chen | 2023-10-31T00:47:31Z | cs.LG, cs.CL | Recent research in mechanistic interpretability has attempted to
reverse-engineer Transformer models by carefully inspecting network weights and
activations. However, these approaches require considerable manual effort and
still fall short of providing complete, faithful descriptions of the underlying
algorithms. In this work, we introduce a procedure for training Transformers
that are mechanistically interpretable by design. We build on RASP [Weiss et
al., 2021], a programming language that can be compiled into Transformer
weights. Instead of compiling human-written programs into Transformers, we
design a modified Transformer that can be trained using gradient-based
optimization and then automatically converted into a discrete, human-readable
program. We refer to these models as Transformer Programs. To validate our
approach, we learn Transformer Programs for a variety of problems, including an
in-context learning task, a suite of algorithmic problems (e.g. sorting,
recognizing Dyck languages), and NLP tasks including named entity recognition
and text classification. The Transformer Programs can automatically find
reasonable solutions, performing on par with standard Transformers of
comparable size; and, more importantly, they are easy to interpret. To
demonstrate these advantages, we convert Transformers into Python programs and
use off-the-shelf code analysis tools to debug model errors and identify the
"circuits" used to solve different sub-problems. We hope that Transformer
Programs open a new path toward the goal of intrinsically interpretable machine
learning. | cs.LG | Learning Transformer Programs |
2023-06-01T20:05:05Z | http://arxiv.org/pdf/2306.01117v1 | http://arxiv.org/abs/2306.01117v1 | Sullam Jeoung, Jana Diesner, Halil Kilicoglu | 2023-06-01T20:05:05Z | cs.CL | As language models continue to be integrated into applications of personal
and societal relevance, ensuring these models' trustworthiness is crucial,
particularly with respect to producing consistent outputs regardless of
sensitive attributes. Given that first names may serve as proxies for
(intersectional) socio-demographic representations, it is imperative to examine
the impact of first names on commonsense reasoning capabilities. In this paper,
we study whether a model's reasoning given a specific input differs based on
the first names provided. Our underlying assumption is that the reasoning about
Alice should not differ from the reasoning about James. We propose and
implement a controlled experimental framework to measure the causal effect of
first names on commonsense reasoning, enabling us to distinguish between model
predictions due to chance and caused by actual factors of interest. Our results
indicate that the frequency of first names has a direct effect on model
prediction, with less frequent names yielding divergent predictions compared to
more frequent names. To gain insights into the internal mechanisms of models
that are contributing to these behaviors, we also conduct an in-depth
explainable analysis. Overall, our findings suggest that to ensure model
robustness, it is essential to augment datasets with more diverse first names
during the configuration stage. | cs.CL | Examining the Causal Effect of First Names on Language Models: The Case of Social Commonsense Reasoning |
2023-06-01T20:03:56Z | http://arxiv.org/pdf/2306.01116v1 | http://arxiv.org/abs/2306.01116v1 | Guilherme Penedo, Quentin Malartic, Daniel Hesslow, Ruxandra Cojocaru, Alessandro Cappelli, Hamza Alobeidli, Baptiste Pannier, Ebtesam Almazrouei, Julien Launay | 2023-06-01T20:03:56Z | cs.CL, cs.AI | Large language models are commonly trained on a mixture of filtered web data
and curated high-quality corpora, such as social media conversations, books, or
technical papers. This curation process is believed to be necessary to produce
performant models with broad zero-shot generalization abilities. However, as
larger models requiring pretraining on trillions of tokens are considered, it
is unclear how scalable is curation and whether we will run out of unique
high-quality data soon. At variance with previous beliefs, we show that
properly filtered and deduplicated web data alone can lead to powerful models;
even significantly outperforming models from the state-of-the-art trained on
The Pile. Despite extensive filtering, the high-quality data we extract from
the web is still plentiful, and we are able to obtain five trillion tokens from
CommonCrawl. We publicly release an extract of 600 billion tokens from our
RefinedWeb dataset, and 1.3/7.5B parameters language models trained on it. | cs.CL | The RefinedWeb Dataset for Falcon LLM: Outperforming Curated Corpora with Web Data, and Web Data Only |
2023-06-01T19:36:52Z | http://arxiv.org/pdf/2306.01105v2 | http://arxiv.org/abs/2306.01105v2 | Atharva Kulkarni, Sarah Masud, Vikram Goyal, Tanmoy Chakraborty | 2023-06-15T12:37:34Z | cs.CL | Social media is awash with hateful content, much of which is often veiled
with linguistic and topical diversity. The benchmark datasets used for hate
speech detection do not account for such divagation as they are predominantly
compiled using hate lexicons. However, capturing hate signals becomes
challenging in neutrally-seeded malicious content. Thus, designing models and
datasets that mimic the real-world variability of hate warrants further
investigation.
To this end, we present GOTHate, a large-scale code-mixed crowdsourced
dataset of around 51k posts for hate speech detection from Twitter. GOTHate is
neutrally seeded, encompassing different languages and topics. We conduct
detailed comparisons of GOTHate with the existing hate speech datasets,
highlighting its novelty. We benchmark it with 10 recent baselines. Our
extensive empirical and benchmarking experiments suggest that GOTHate is hard
to classify in a text-only setup. Thus, we investigate how adding endogenous
signals enhances the hate speech detection task. We augment GOTHate with the
user's timeline information and ego network, bringing the overall data source
closer to the real-world setup for understanding hateful content. Our proposed
solution HEN-mBERT is a modular, multilingual, mixture-of-experts model that
enriches the linguistic subspace with latent endogenous signals from history,
topology, and exemplars. HEN-mBERT transcends the best baseline by 2.5% and 5%
in overall macro-F1 and hate class F1, respectively. Inspired by our
experiments, in partnership with Wipro AI, we are developing a semi-automated
pipeline to detect hateful content as a part of their mission to tackle online
harm. | cs.CL | Revisiting Hate Speech Benchmarks: From Data Curation to System Deployment |
2023-06-01T19:33:21Z | http://arxiv.org/pdf/2306.01102v8 | http://arxiv.org/abs/2306.01102v8 | Muhammad U. Nasir, Sam Earle, Christopher Cleghorn, Steven James, Julian Togelius | 2024-04-12T08:17:54Z | cs.NE, cs.AI, cs.CL | Large Language Models (LLMs) have emerged as powerful tools capable of
accomplishing a broad spectrum of tasks. Their abilities span numerous areas,
and one area where they have made a significant impact is in the domain of code
generation. Here, we propose using the coding abilities of LLMs to introduce
meaningful variations to code defining neural networks. Meanwhile,
Quality-Diversity (QD) algorithms are known to discover diverse and robust
solutions. By merging the code-generating abilities of LLMs with the diversity
and robustness of QD solutions, we introduce \texttt{LLMatic}, a Neural
Architecture Search (NAS) algorithm. While LLMs struggle to conduct NAS
directly through prompts, \texttt{LLMatic} uses a procedural approach,
leveraging QD for prompts and network architecture to create diverse and
high-performing networks. We test \texttt{LLMatic} on the CIFAR-10 and
NAS-bench-201 benchmarks, demonstrating that it can produce competitive
networks while evaluating just $2,000$ candidates, even without prior knowledge
of the benchmark domain or exposure to any previous top-performing models for
the benchmark. The open-sourced code is available in
\url{https://github.com/umair-nasir14/LLMatic}. | cs.NE | LLMatic: Neural Architecture Search via Large Language Models and Quality Diversity Optimization |
2023-06-01T19:10:09Z | http://arxiv.org/pdf/2306.01093v1 | http://arxiv.org/abs/2306.01093v1 | Dou Hu, Lingwei Wei, Yaxin Liu, Wei Zhou, Songlin Hu | 2023-06-01T19:10:09Z | cs.CL, cs.AI | This paper describes our system designed for SemEval-2023 Task 12: Sentiment
analysis for African languages. The challenge faced by this task is the
scarcity of labeled data and linguistic resources in low-resource settings. To
alleviate these, we propose a generalized multilingual system SACL-XLMR for
sentiment analysis on low-resource languages. Specifically, we design a
lexicon-based multilingual BERT to facilitate language adaptation and
sentiment-aware representation learning. Besides, we apply a supervised
adversarial contrastive learning technique to learn sentiment-spread structured
representations and enhance model generalization. Our system achieved
competitive results, largely outperforming baselines on both multilingual and
zero-shot sentiment classification subtasks. Notably, the system obtained the
1st rank on the zero-shot classification subtask in the official ranking.
Extensive experiments demonstrate the effectiveness of our system. | cs.CL | UCAS-IIE-NLP at SemEval-2023 Task 12: Enhancing Generalization of Multilingual BERT for Low-resource Sentiment Analysis |
2023-06-01T19:04:17Z | http://arxiv.org/pdf/2306.01090v1 | http://arxiv.org/abs/2306.01090v1 | Xiuying Chen, Guodong Long, Chongyang Tao, Mingzhe Li, Xin Gao, Chengqi Zhang, Xiangliang Zhang | 2023-06-01T19:04:17Z | cs.CL | A robust summarization system should be able to capture the gist of the
document, regardless of the specific word choices or noise in the input. In
this work, we first explore the summarization models' robustness against
perturbations including word-level synonym substitution and noise. To create
semantic-consistent substitutes, we propose a SummAttacker, which is an
efficient approach to generating adversarial samples based on language models.
Experimental results show that state-of-the-art summarization models have a
significant decrease in performance on adversarial and noisy test sets. Next,
we analyze the vulnerability of the summarization systems and explore improving
the robustness by data augmentation. Specifically, the first brittleness factor
we found is the poor understanding of infrequent words in the input.
Correspondingly, we feed the encoder with more diverse cases created by
SummAttacker in the input space. The other factor is in the latent space, where
the attacked inputs bring more variations to the hidden states. Hence, we
construct adversarial decoder input and devise manifold softmixing operation in
hidden space to introduce more diversity. Experimental results on Gigaword and
CNN/DM datasets demonstrate that our approach achieves significant improvements
over strong baselines and exhibits higher robustness on noisy, attacked, and
clean datasets. | cs.CL | Improving the Robustness of Summarization Systems with Dual Augmentation |
2023-06-01T18:49:47Z | http://arxiv.org/pdf/2306.01805v1 | http://arxiv.org/abs/2306.01805v1 | Revathy Venkataramanan, Kaushik Roy, Kanak Raj, Renjith Prasad, Yuxin Zi, Vignesh Narayanan, Amit Sheth | 2023-06-01T18:49:47Z | cs.CL, cs.AI, cs.IR | As people become more aware of their food choices, food computation models
have become increasingly popular in assisting people in maintaining healthy
eating habits. For example, food recommendation systems analyze recipe
instructions to assess nutritional contents and provide recipe recommendations.
The recent and remarkable successes of generative AI methods, such as
auto-regressive large language models, can lead to robust methods for a more
comprehensive understanding of recipes for healthy food recommendations beyond
surface-level nutrition content assessments. In this study, we explore the use
of generative AI methods to extend current food computation models, primarily
involving the analysis of nutrition and ingredients, to also incorporate
cooking actions (e.g., add salt, fry the meat, boil the vegetables, etc.).
Cooking actions are notoriously hard to model using statistical learning
methods due to irregular data patterns - significantly varying natural language
descriptions for the same action (e.g., marinate the meat vs. marinate the meat
and leave overnight) and infrequently occurring patterns (e.g., add salt occurs
far more frequently than marinating the meat). The prototypical approach to
handling irregular data patterns is to increase the volume of data that the
model ingests by orders of magnitude. Unfortunately, in the cooking domain,
these problems are further compounded with larger data volumes presenting a
unique challenge that is not easily handled by simply scaling up. In this work,
we propose novel aggregation-based generative AI methods, Cook-Gen, that
reliably generate cooking actions from recipes, despite difficulties with
irregular data patterns, while also outperforming Large Language Models and
other strong baselines. | cs.CL | Cook-Gen: Robust Generative Modeling of Cooking Actions from Recipes |
2023-06-01T18:32:08Z | http://arxiv.org/pdf/2306.01076v2 | http://arxiv.org/abs/2306.01076v2 | Zi Yang, Samridhi Choudhary, Siegfried Kunzmann, Zheng Zhang | 2023-07-08T04:29:09Z | cs.CL, cs.AI | Fine-tuned transformer models have shown superior performances in many
natural language tasks. However, the large model size prohibits deploying
high-performance transformer models on resource-constrained devices. This paper
proposes a quantization-aware tensor-compressed training approach to reduce the
model size, arithmetic operations, and ultimately runtime latency of
transformer-based models. We compress the embedding and linear layers of
transformers into small low-rank tensor cores, which significantly reduces
model parameters. A quantization-aware training with learnable scale factors is
used to further obtain low-precision representations of the tensor-compressed
models. The developed approach can be used for both end-to-end training and
distillation-based training. To improve the convergence, a layer-by-layer
distillation is applied to distill a quantized and tensor-compressed student
model from a pre-trained transformer. The performance is demonstrated in two
natural language understanding tasks, showing up to $63\times$ compression
ratio, little accuracy loss and remarkable inference and training speedup. | cs.CL | Quantization-Aware and Tensor-Compressed Training of Transformers for Natural Language Understanding |
2023-06-01T18:17:13Z | http://arxiv.org/pdf/2306.01069v1 | http://arxiv.org/abs/2306.01069v1 | Wang-Chiew Tan, Jane Dwivedi-Yu, Yuliang Li, Lambert Mathias, Marzieh Saeidi, Jing Nathan Yan, Alon Y. Halevy | 2023-06-01T18:17:13Z | cs.CL, cs.AI, cs.IR | Lifelogs are descriptions of experiences that a person had during their life.
Lifelogs are created by fusing data from the multitude of digital services,
such as online photos, maps, shopping and content streaming services. Question
answering over lifelogs can offer personal assistants a critical resource when
they try to provide advice in context. However, obtaining answers to questions
over lifelogs is beyond the current state of the art of question answering
techniques for a variety of reasons, the most pronounced of which is that
lifelogs combine free text with some degree of structure such as temporal and
geographical information.
We create and publicly release TimelineQA1, a benchmark for accelerating
progress on querying lifelogs. TimelineQA generates lifelogs of imaginary
people. The episodes in the lifelog range from major life episodes such as high
school graduation to those that occur on a daily basis such as going for a run.
We describe a set of experiments on TimelineQA with several state-of-the-art QA
models. Our experiments reveal that for atomic queries, an extractive QA system
significantly out-performs a state-of-the-art retrieval-augmented QA system.
For multi-hop queries involving aggregates, we show that the best result is
obtained with a state-of-the-art table QA technique, assuming the ground truth
set of episodes for deriving the answer is available. | cs.CL | TimelineQA: A Benchmark for Question Answering over Timelines |
2023-06-01T18:08:51Z | http://arxiv.org/pdf/2306.01061v1 | http://arxiv.org/abs/2306.01061v1 | Wang-Chiew Tan, Yuliang Li, Pedro Rodriguez, Richard James, Xi Victoria Lin, Alon Halevy, Scott Yih | 2023-06-01T18:08:51Z | cs.CL, cs.DB | We present a reality check on large language models and inspect the promise
of retrieval augmented language models in comparison. Such language models are
semi-parametric, where models integrate model parameters and knowledge from
external data sources to make their predictions, as opposed to the parametric
nature of vanilla large language models. We give initial experimental findings
that semi-parametric architectures can be enhanced with views, a query
analyzer/planner, and provenance to make a significantly more powerful system
for question answering in terms of accuracy and efficiency, and potentially for
other NLP tasks | cs.CL | Reimagining Retrieval Augmented Language Models for Answering Queries |
2023-06-01T18:01:33Z | http://arxiv.org/pdf/2306.01058v1 | http://arxiv.org/abs/2306.01058v1 | Catherine Chen, Zejiang Shen, Dan Klein, Gabriel Stanovsky, Doug Downey, Kyle Lo | 2023-06-01T18:01:33Z | cs.CL | Recent work has shown that infusing layout features into language models
(LMs) improves processing of visually-rich documents such as scientific papers.
Layout-infused LMs are often evaluated on documents with familiar layout
features (e.g., papers from the same publisher), but in practice models
encounter documents with unfamiliar distributions of layout features, such as
new combinations of text sizes and styles, or new spatial configurations of
textual elements. In this work we test whether layout-infused LMs are robust to
layout distribution shifts. As a case study we use the task of scientific
document structure recovery, segmenting a scientific paper into its structural
categories (e.g., "title", "caption", "reference"). To emulate distribution
shifts that occur in practice we re-partition the GROTOAP2 dataset. We find
that under layout distribution shifts model performance degrades by up to 20
F1. Simple training strategies, such as increasing training diversity, can
reduce this degradation by over 35% relative F1; however, models fail to reach
in-distribution performance in any tested out-of-distribution conditions. This
work highlights the need to consider layout distribution shifts during model
evaluation, and presents a methodology for conducting such evaluations. | cs.CL | Are Layout-Infused Language Models Robust to Layout Distribution Shifts? A Case Study with Scientific Documents |
2023-06-01T17:59:10Z | http://arxiv.org/pdf/2306.00976v2 | http://arxiv.org/abs/2306.00976v2 | Shreya Havaldar, Adam Stein, Eric Wong, Lyle Ungar | 2023-06-02T02:44:03Z | cs.CL | Meaningfully comparing language models is challenging with current
explanation methods. Current explanations are overwhelming for humans due to
large vocabularies or incomparable across models. We present TopEx, an
explanation method that enables a level playing field for comparing language
models via model-agnostic topics. We demonstrate how TopEx can identify
similarities and differences between DistilRoBERTa and GPT-2 on a variety of
NLP tasks. | cs.CL | TopEx: Topic-based Explanations for Model Comparison |
2023-06-01T17:59:10Z | http://arxiv.org/pdf/2306.00978v4 | http://arxiv.org/abs/2306.00978v4 | Ji Lin, Jiaming Tang, Haotian Tang, Shang Yang, Wei-Ming Chen, Wei-Chen Wang, Guangxuan Xiao, Xingyu Dang, Chuang Gan, Song Han | 2024-04-23T19:51:53Z | cs.CL | Large language models (LLMs) have fundamentally transformed the capabilities
of numerous applications, from natural language processing to more intricate
domain-specific tasks in robotics and autonomous driving. Moreover, the
importance of on-device LLMs has grown significantly in the recent years.
Running LLMs on edge devices not only promises reduced latency and improved
user experience but also aligns with the increasing need for user privacy, as
data processing can occur locally. However, the astronomical model sizes of
modern LLMs and constraints of the edge devices, primarily in terms of memory
size and bandwidth, pose significant deployment challenges. In this paper, we
propose Activation-aware Weight Quantization (AWQ), a hardware-friendly
approach for LLM low-bit weight-only quantization. Our method is based on the
observation that weights are not equally important: protecting only 1% of
salient weights can greatly reduce quantization error. We then propose to
search for the optimal per-channel scaling that protects the salient weights by
observing the activation, not weights. AWQ does not rely on any backpropagation
or reconstruction, so it can well preserve LLMs' generalization ability on
different domains and modalities, without overfitting to the calibration set.
AWQ outperforms existing work on various language modeling and domain-specific
benchmarks (coding and math). Thanks to better generalization, it achieves
excellent quantization performance for instruction-tuned LMs and, for the first
time, multi-modal LMs. Alongside AWQ, we implement TinyChat, an efficient and
flexible inference framework tailored for on-device LLM/VLMs, offering more
than 3x speedup over the Huggingface FP16 implementation on both desktop and
mobile GPUs. It also democratizes the deployment of the 70B Llama-2 model on
mobile GPUs. | cs.CL | AWQ: Activation-aware Weight Quantization for LLM Compression and Acceleration |
2023-06-01T17:45:32Z | http://arxiv.org/pdf/2306.00947v1 | http://arxiv.org/abs/2306.00947v1 | Prasann Singhal, Jiacheng Xu, Xi Ye, Greg Durrett | 2023-06-01T17:45:32Z | cs.CL, cs.AI, cs.LG | Standard decoding approaches for conditional text generation tasks typically
search for an output hypothesis with high model probability, but this may not
yield the best hypothesis according to human judgments of quality. Reranking to
optimize for "downstream" metrics can better optimize for quality, but many
metrics of interest are computed with pre-trained language models, which are
slow to apply to large numbers of hypotheses. We explore an approach for
reranking hypotheses by using Transformers to efficiently encode lattices of
generated outputs, a method we call EEL. With a single Transformer pass over
the entire lattice, we can approximately compute a contextualized
representation of each token as if it were only part of a single hypothesis in
isolation. We combine this approach with a new class of token-factored
rerankers (TFRs) that allow for efficient extraction of high reranker-scoring
hypotheses from the lattice. Empirically, our approach incurs minimal
degradation error compared to the exponentially slower approach of encoding
each hypothesis individually. When applying EEL with TFRs across three text
generation tasks, our results show both substantial speedup compared to naive
reranking and often better performance on downstream metrics than comparable
approaches. | cs.CL | EEL: Efficiently Encoding Lattices for Reranking |
2023-06-01T17:44:35Z | http://arxiv.org/pdf/2306.00946v2 | http://arxiv.org/abs/2306.00946v2 | Bingbin Liu, Jordan T. Ash, Surbhi Goel, Akshay Krishnamurthy, Cyril Zhang | 2023-10-30T16:53:22Z | cs.LG, cs.CL | Why do large language models sometimes output factual inaccuracies and
exhibit erroneous reasoning? The brittleness of these models, particularly when
executing long chains of reasoning, currently seems to be an inevitable price
to pay for their advanced capabilities of coherently synthesizing knowledge,
pragmatics, and abstract thought. Towards making sense of this fundamentally
unsolved problem, this work identifies and analyzes the phenomenon of attention
glitches, in which the Transformer architecture's inductive biases
intermittently fail to capture robust reasoning. To isolate the issue, we
introduce flip-flop language modeling (FFLM), a parametric family of synthetic
benchmarks designed to probe the extrapolative behavior of neural language
models. This simple generative task requires a model to copy binary symbols
over long-range dependencies, ignoring the tokens in between. We find that
Transformer FFLMs suffer from a long tail of sporadic reasoning errors, some of
which we can eliminate using various regularization techniques. Our preliminary
mechanistic analyses show why the remaining errors may be very difficult to
diagnose and resolve. We hypothesize that attention glitches account for (some
of) the closed-domain hallucinations in natural LLMs. | cs.LG | Exposing Attention Glitches with Flip-Flop Language Modeling |
2023-06-01T17:39:40Z | http://arxiv.org/pdf/2306.00936v2 | http://arxiv.org/abs/2306.00936v2 | Juri Opitz, Shira Wein, Julius Steen, Anette Frank, Nathan Schneider | 2023-09-05T13:36:27Z | cs.CL, cs.IR | The task of natural language inference (NLI) asks whether a given premise
(expressed in NL) entails a given NL hypothesis. NLI benchmarks contain human
ratings of entailment, but the meaning relationships driving these ratings are
not formalized. Can the underlying sentence pair relationships be made more
explicit in an interpretable yet robust fashion? We compare semantic structures
to represent premise and hypothesis, including sets of contextualized
embeddings and semantic graphs (Abstract Meaning Representations), and measure
whether the hypothesis is a semantic substructure of the premise, utilizing
interpretable metrics. Our evaluation on three English benchmarks finds value
in both contextualized embeddings and semantic graphs; moreover, they provide
complementary signals, and can be leveraged together in a hybrid model. | cs.CL | AMR4NLI: Interpretable and robust NLI measures from semantic graphs |
2023-06-01T17:34:25Z | http://arxiv.org/pdf/2306.00931v1 | http://arxiv.org/abs/2306.00931v1 | Abisek Rajakumar Kalarani, Pushpak Bhattacharyya, Niyati Chhaya, Sumit Shekhar | 2023-06-01T17:34:25Z | cs.CV, cs.CL | Well-formed context aware image captions and tags in enterprise content such
as marketing material are critical to ensure their brand presence and content
recall. Manual creation and updates to ensure the same is non trivial given the
scale and the tedium towards this task. We propose a new unified
Vision-Language (VL) model based on the One For All (OFA) model, with a focus
on context-assisted image captioning where the caption is generated based on
both the image and its context. Our approach aims to overcome the
context-independent (image and text are treated independently) nature of the
existing approaches. We exploit context by pretraining our model with datasets
of three tasks: news image captioning where the news article is the context,
contextual visual entailment, and keyword extraction from the context. The
second pretraining task is a new VL task, and we construct and release two
datasets for the task with 1.1M and 2.2K data instances. Our system achieves
state-of-the-art results with an improvement of up to 8.34 CIDEr score on the
benchmark news image captioning datasets. To the best of our knowledge, ours is
the first effort at incorporating contextual information in pretraining the
models for the VL tasks. | cs.CV | "Let's not Quote out of Context": Unified Vision-Language Pretraining for Context Assisted Image Captioning |
2023-06-01T17:33:04Z | http://arxiv.org/pdf/2306.00928v1 | http://arxiv.org/abs/2306.00928v1 | Sreyan Ghosh, Utkarsh Tyagi, Manan Suri, Sonal Kumar, S Ramaneswaran, Dinesh Manocha | 2023-06-01T17:33:04Z | cs.CL, cs.AI, cs.IR | Complex Named Entity Recognition (NER) is the task of detecting
linguistically complex named entities in low-context text. In this paper, we
present ACLM Attention-map aware keyword selection for Conditional Language
Model fine-tuning), a novel data augmentation approach based on conditional
generation to address the data scarcity problem in low-resource complex NER.
ACLM alleviates the context-entity mismatch issue, a problem existing NER data
augmentation techniques suffer from and often generates incoherent
augmentations by placing complex named entities in the wrong context. ACLM
builds on BART and is optimized on a novel text reconstruction or denoising
task - we use selective masking (aided by attention maps) to retain the named
entities and certain keywords in the input sentence that provide contextually
relevant additional knowledge or hints about the named entities. Compared with
other data augmentation strategies, ACLM can generate more diverse and coherent
augmentations preserving the true word sense of complex entities in the
sentence. We demonstrate the effectiveness of ACLM both qualitatively and
quantitatively on monolingual, cross-lingual, and multilingual complex NER
across various low-resource settings. ACLM outperforms all our neural baselines
by a significant margin (1%-36%). In addition, we demonstrate the application
of ACLM to other domains that suffer from data scarcity (e.g., biomedical). In
practice, ACLM generates more effective and factual augmentations for these
domains than prior methods. Code: https://github.com/Sreyan88/ACLM | cs.CL | ACLM: A Selective-Denoising based Generative Data Augmentation Approach for Low-Resource Complex NER |
2023-06-01T17:24:35Z | http://arxiv.org/pdf/2306.00924v1 | http://arxiv.org/abs/2306.00924v1 | Melanie Sclar, Sachin Kumar, Peter West, Alane Suhr, Yejin Choi, Yulia Tsvetkov | 2023-06-01T17:24:35Z | cs.CL, cs.AI, cs.LG | Theory of Mind (ToM)$\unicode{x2014}$the ability to reason about the mental
states of other people$\unicode{x2014}$is a key element of our social
intelligence. Yet, despite their ever more impressive performance, large-scale
neural language models still lack basic theory of mind capabilities
out-of-the-box. We posit that simply scaling up models will not imbue them with
theory of mind due to the inherently symbolic and implicit nature of the
phenomenon, and instead investigate an alternative: can we design a
decoding-time algorithm that enhances theory of mind of off-the-shelf neural
language models without explicit supervision? We present SymbolicToM, a
plug-and-play approach to reason about the belief states of multiple characters
in reading comprehension tasks via explicit symbolic representation. More
concretely, our approach tracks each entity's beliefs, their estimation of
other entities' beliefs, and higher-order levels of reasoning, all through
graphical representations, allowing for more precise and interpretable
reasoning than previous approaches. Empirical results on the well-known ToMi
benchmark (Le et al., 2019) demonstrate that SymbolicToM dramatically enhances
off-the-shelf neural networks' theory of mind in a zero-shot setting while
showing robust out-of-distribution performance compared to supervised
baselines. Our work also reveals spurious patterns in existing theory of mind
benchmarks, emphasizing the importance of out-of-distribution evaluation and
methods that do not overfit a particular dataset. | cs.CL | Minding Language Models' (Lack of) Theory of Mind: A Plug-and-Play Multi-Character Belief Tracker |
2023-06-01T17:02:51Z | http://arxiv.org/pdf/2306.00905v1 | http://arxiv.org/abs/2306.00905v1 | Jialu Wang, Xinyue Gabby Liu, Zonglin Di, Yang Liu, Xin Eric Wang | 2023-06-01T17:02:51Z | cs.CL, cs.AI, cs.CV, I.2.6 | Warning: This paper contains several contents that may be toxic, harmful, or
offensive.
In the last few years, text-to-image generative models have gained remarkable
success in generating images with unprecedented quality accompanied by a
breakthrough of inference speed. Despite their rapid progress, human biases
that manifest in the training examples, particularly with regard to common
stereotypical biases, like gender and skin tone, still have been found in these
generative models. In this work, we seek to measure more complex human biases
exist in the task of text-to-image generations. Inspired by the well-known
Implicit Association Test (IAT) from social psychology, we propose a novel
Text-to-Image Association Test (T2IAT) framework that quantifies the implicit
stereotypes between concepts and valence, and those in the images. We replicate
the previously documented bias tests on generative models, including morally
neutral tests on flowers and insects as well as demographic stereotypical tests
on diverse social attributes. The results of these experiments demonstrate the
presence of complex stereotypical behaviors in image generations. | cs.CL | T2IAT: Measuring Valence and Stereotypical Biases in Text-to-Image Generation |
2023-06-01T16:50:07Z | http://arxiv.org/pdf/2306.00890v1 | http://arxiv.org/abs/2306.00890v1 | Chunyuan Li, Cliff Wong, Sheng Zhang, Naoto Usuyama, Haotian Liu, Jianwei Yang, Tristan Naumann, Hoifung Poon, Jianfeng Gao | 2023-06-01T16:50:07Z | cs.CV, cs.CL | Conversational generative AI has demonstrated remarkable promise for
empowering biomedical practitioners, but current investigations focus on
unimodal text. Multimodal conversational AI has seen rapid progress by
leveraging billions of image-text pairs from the public web, but such
general-domain vision-language models still lack sophistication in
understanding and conversing about biomedical images. In this paper, we propose
a cost-efficient approach for training a vision-language conversational
assistant that can answer open-ended research questions of biomedical images.
The key idea is to leverage a large-scale, broad-coverage biomedical
figure-caption dataset extracted from PubMed Central, use GPT-4 to
self-instruct open-ended instruction-following data from the captions, and then
fine-tune a large general-domain vision-language model using a novel curriculum
learning method. Specifically, the model first learns to align biomedical
vocabulary using the figure-caption pairs as is, then learns to master
open-ended conversational semantics using GPT-4 generated instruction-following
data, broadly mimicking how a layperson gradually acquires biomedical
knowledge. This enables us to train a Large Language and Vision Assistant for
BioMedicine (LLaVA-Med) in less than 15 hours (with eight A100s). LLaVA-Med
exhibits excellent multimodal conversational capability and can follow
open-ended instruction to assist with inquiries about a biomedical image. On
three standard biomedical visual question answering datasets, LLaVA-Med
outperforms previous supervised state-of-the-art on certain metrics. To
facilitate biomedical multimodal research, we will release our
instruction-following data and the LLaVA-Med model. | cs.CV | LLaVA-Med: Training a Large Language-and-Vision Assistant for Biomedicine in One Day |
2023-06-01T16:48:20Z | http://arxiv.org/pdf/2306.00887v2 | http://arxiv.org/abs/2306.00887v2 | Xueqing Wu, Sha Li, Heng Ji | 2023-06-20T19:47:20Z | cs.CL | Open-vocabulary state tracking is a more practical version of state tracking
that aims to track state changes of entities throughout a process without
restricting the state space and entity space. OpenPI is to date the only
dataset annotated for open-vocabulary state tracking. However, we identify
issues with the dataset quality and evaluation metric. For the dataset, we
categorize 3 types of problems on the procedure level, step level and state
change level respectively, and build a clean dataset OpenPI-C using multiple
rounds of human judgment. For the evaluation metric, we propose a cluster-based
metric to fix the original metric's preference for repetition.
Model-wise, we enhance the seq2seq generation baseline by reinstating two key
properties for state tracking: temporal dependency and entity awareness. The
state of the world after an action is inherently dependent on the previous
state. We model this dependency through a dynamic memory bank and allow the
model to attend to the memory slots during decoding. On the other hand, the
state of the world is naturally a union of the states of involved entities.
Since the entities are unknown in the open-vocabulary setting, we propose a
two-stage model that refines the state change prediction conditioned on
entities predicted from the first stage. Empirical results show the
effectiveness of our proposed model especially on the cluster-based metric. The
code and data are released at https://github.com/shirley-wu/openpi-c | cs.CL | OpenPI-C: A Better Benchmark and Stronger Baseline for Open-Vocabulary State Tracking |
2023-06-01T16:23:47Z | http://arxiv.org/pdf/2306.00864v1 | http://arxiv.org/abs/2306.00864v1 | Hong-Yu Zhou, Yizhou Yu, Chengdi Wang, Shu Zhang, Yuanxu Gao, Jia Pan, Jun Shao, Guangming Lu, Kang Zhang, Weimin Li | 2023-06-01T16:23:47Z | cs.CV, cs.CL, cs.LG | During the diagnostic process, clinicians leverage multimodal information,
such as chief complaints, medical images, and laboratory-test results.
Deep-learning models for aiding diagnosis have yet to meet this requirement.
Here we report a Transformer-based representation-learning model as a clinical
diagnostic aid that processes multimodal input in a unified manner. Rather than
learning modality-specific features, the model uses embedding layers to convert
images and unstructured and structured text into visual tokens and text tokens,
and bidirectional blocks with intramodal and intermodal attention to learn a
holistic representation of radiographs, the unstructured chief complaint and
clinical history, structured clinical information such as laboratory-test
results and patient demographic information. The unified model outperformed an
image-only model and non-unified multimodal diagnosis models in the
identification of pulmonary diseases (by 12% and 9%, respectively) and in the
prediction of adverse clinical outcomes in patients with COVID-19 (by 29% and
7%, respectively). Leveraging unified multimodal Transformer-based models may
help streamline triage of patients and facilitate the clinical decision
process. | cs.CV | A Transformer-based representation-learning model with unified processing of multimodal input for clinical diagnostics |
2023-06-01T16:17:16Z | http://arxiv.org/pdf/2306.00858v1 | http://arxiv.org/abs/2306.00858v1 | Simon Keizer, Caroline Dockes, Norbert Braunschweiler, Svetlana Stoyanchev, Rama Doddipatla | 2023-06-01T16:17:16Z | cs.CL | Reinforcement learning based dialogue policies are typically trained in
interaction with a user simulator. To obtain an effective and robust policy,
this simulator should generate user behaviour that is both realistic and
varied. Current data-driven simulators are trained to accurately model the user
behaviour in a dialogue corpus. We propose an alternative method using
adversarial learning, with the aim to simulate realistic user behaviour with
more variation. We train and evaluate several simulators on a corpus of
restaurant search dialogues, and then use them to train dialogue system
policies. In policy cross-evaluation experiments we demonstrate that an
adversarially trained simulator produces policies with 8.3% higher success rate
than those trained with a maximum likelihood simulator. Subjective results from
a crowd-sourced dialogue system user evaluation confirm the effectiveness of
adversarially training user simulators. | cs.CL | Adversarial learning of neural user simulators for dialogue policy optimisation |
2023-06-01T15:46:36Z | http://arxiv.org/pdf/2306.00824v2 | http://arxiv.org/abs/2306.00824v2 | Elias Stengel-Eskin, Kyle Rawlins, Benjamin Van Durme | 2024-01-22T14:57:47Z | cs.CL | Despite the frequent challenges posed by ambiguity when representing meaning
via natural language, it is often ignored or deliberately removed in tasks
mapping language to formally-designed representations, which generally assume a
one-to-one mapping between linguistic and formal representations. We attempt to
address this shortcoming by introducing AmP, a framework, dataset, and
challenge for translating ambiguous natural language to formal representations
like logic and code. We define templates and generate data for five
well-documented linguistic ambiguities. Using AmP, we investigate how several
few-shot text-to-code systems handle ambiguity, introducing three new metrics.
We find that large pre-trained models perform poorly at capturing the
distribution of possible meanings without deliberate instruction. However,
models are able to capture the distribution well when ambiguity is attested in
their inputs. These results motivate a call for including ambiguity explicitly
in datasets and promote considering the distribution of possible outputs when
evaluating systems. Data and code: https://github.com/esteng/ambiguous_parsing | cs.CL | Zero and Few-shot Semantic Parsing with Ambiguous Inputs |
2023-06-01T15:33:30Z | http://arxiv.org/pdf/2306.00804v3 | http://arxiv.org/abs/2306.00804v3 | Tianyi Xu, Zhanheng Yang, Kaixun Huang, Pengcheng Guo, Ao Zhang, Biao Li, Changru Chen, Chao Li, Lei Xie | 2023-08-15T04:36:14Z | cs.SD, cs.CL, eess.AS | By incorporating additional contextual information, deep biasing methods have
emerged as a promising solution for speech recognition of personalized words.
However, for real-world voice assistants, always biasing on such personalized
words with high prediction scores can significantly degrade the performance of
recognizing common words. To address this issue, we propose an adaptive
contextual biasing method based on Context-Aware Transformer Transducer (CATT)
that utilizes the biased encoder and predictor embeddings to perform streaming
prediction of contextual phrase occurrences. Such prediction is then used to
dynamically switch the bias list on and off, enabling the model to adapt to
both personalized and common scenarios. Experiments on Librispeech and internal
voice assistant datasets show that our approach can achieve up to 6.7% and
20.7% relative reduction in WER and CER compared to the baseline respectively,
mitigating up to 96.7% and 84.9% of the relative WER and CER increase for
common cases. Furthermore, our approach has a minimal performance impact in
personalized scenarios while maintaining a streaming inference pipeline with
negligible RTF increase. | cs.SD | Adaptive Contextual Biasing for Transducer Based Streaming Speech Recognition |
2023-06-01T15:30:33Z | http://arxiv.org/pdf/2306.00802v2 | http://arxiv.org/abs/2306.00802v2 | Alberto Bietti, Vivien Cabannes, Diane Bouchacourt, Herve Jegou, Leon Bottou | 2023-11-06T22:51:51Z | stat.ML, cs.CL, cs.LG | Large language models based on transformers have achieved great empirical
successes. However, as they are deployed more widely, there is a growing need
to better understand their internal mechanisms in order to make them more
reliable. These models appear to store vast amounts of knowledge from their
training data, and to adapt quickly to new information provided in their
context or prompt. We study how transformers balance these two types of
knowledge by considering a synthetic setup where tokens are generated from
either global or context-specific bigram distributions. By a careful empirical
analysis of the training process on a simplified two-layer transformer, we
illustrate the fast learning of global bigrams and the slower development of an
"induction head" mechanism for the in-context bigrams. We highlight the role of
weight matrices as associative memories, provide theoretical insights on how
gradients enable their learning during training, and study the role of
data-distributional properties. | stat.ML | Birth of a Transformer: A Memory Viewpoint |
2023-06-01T15:22:05Z | http://arxiv.org/pdf/2306.00791v1 | http://arxiv.org/abs/2306.00791v1 | Mengxue Zhang, Neil Heffernan, Andrew Lan | 2023-06-01T15:22:05Z | cs.CL, cs.AI | Automated scoring of student responses to open-ended questions, including
short-answer questions, has great potential to scale to a large number of
responses. Recent approaches for automated scoring rely on supervised learning,
i.e., training classifiers or fine-tuning language models on a small number of
responses with human-provided score labels. However, since scoring is a
subjective process, these human scores are noisy and can be highly variable,
depending on the scorer. In this paper, we investigate a collection of models
that account for the individual preferences and tendencies of each human scorer
in the automated scoring task. We apply these models to a short-answer math
response dataset where each response is scored (often differently) by multiple
different human scorers. We conduct quantitative experiments to show that our
scorer models lead to improved automated scoring accuracy. We also conduct
quantitative experiments and case studies to analyze the individual preferences
and tendencies of scorers. We found that scorers can be grouped into several
obvious clusters, with each cluster having distinct features, and analyzed them
in detail. | cs.CL | Modeling and Analyzing Scorer Preferences in Short-Answer Math Questions |
2023-06-01T15:19:06Z | http://arxiv.org/pdf/2306.00789v4 | http://arxiv.org/abs/2306.00789v4 | Sameer Khurana, Nauman Dawalatabad, Antoine Laurent, Luis Vicente, Pablo Gimeno, Victoria Mingote, James Glass | 2024-01-25T07:45:45Z | cs.CL, cs.AI, eess.AS, eess.SP | Research in multilingual speech-to-text translation is topical. Having a
single model that supports multiple translation tasks is desirable. The goal of
this work it to improve cross-lingual transfer learning in multilingual
speech-to-text translation via semantic knowledge distillation. We show that by
initializing the encoder of the encoder-decoder sequence-to-sequence
translation model with SAMU-XLS-R, a multilingual speech transformer encoder
trained using multi-modal (speech-text) semantic knowledge distillation, we
achieve significantly better cross-lingual task knowledge transfer than the
baseline XLS-R, a multilingual speech transformer encoder trained via
self-supervised learning. We demonstrate the effectiveness of our approach on
two popular datasets, namely, CoVoST-2 and Europarl. On the 21 translation
tasks of the CoVoST-2 benchmark, we achieve an average improvement of 12.8 BLEU
points over the baselines. In the zero-shot translation scenario, we achieve an
average gain of 18.8 and 11.9 average BLEU points on unseen medium and
low-resource languages. We make similar observations on Europarl speech
translation benchmark. | cs.CL | Improved Cross-Lingual Transfer Learning For Automatic Speech Translation |
2023-06-01T15:16:18Z | http://arxiv.org/pdf/2306.00784v1 | http://arxiv.org/abs/2306.00784v1 | Mengxue Zhang, Zichao Wang, Zhichao Yang, Weiqi Feng, Andrew Lan | 2023-06-01T15:16:18Z | cs.CL, cs.AI | Solutions to math word problems (MWPs) with step-by-step explanations are
valuable, especially in education, to help students better comprehend
problem-solving strategies. Most existing approaches only focus on obtaining
the final correct answer. A few recent approaches leverage intermediate
solution steps to improve final answer correctness but often cannot generate
coherent steps with a clear solution strategy. Contrary to existing work, we
focus on improving the correctness and coherence of the intermediate solutions
steps. We propose a step-by-step planning approach for intermediate solution
generation, which strategically plans the generation of the next solution step
based on the MWP and the previous solution steps. Our approach first plans the
next step by predicting the necessary math operation needed to proceed, given
history steps, then generates the next step, token-by-token, by prompting a
language model with the predicted math operation. Experiments on the GSM8K
dataset demonstrate that our approach improves the accuracy and
interpretability of the solution on both automatic metrics and human
evaluation. | cs.CL | Interpretable Math Word Problem Solution Generation Via Step-by-step Planning |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.