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-05-03T18:55:09Z | http://arxiv.org/pdf/2305.02386v2 | http://arxiv.org/abs/2305.02386v2 | Ghazal Khalighinejad, Ollie Liu, Sam Wiseman | 2023-11-05T00:30:31Z | cs.CL, cs.LG | We investigate the ability of transformer models to approximate the CKY
algorithm, using them to directly predict a sentence's parse and thus avoid the
CKY algorithm's cubic dependence on sentence length. We find that on standard
constituency parsing benchmarks this approach achieves competitive or better
performance than comparable parsers that make use of CKY, while being faster.
We also evaluate the viability of this approach for parsing under
\textit{random} PCFGs. Here we find that performance declines as the grammar
becomes more ambiguous, suggesting that the transformer is not fully capturing
the CKY computation. However, we also find that incorporating additional
inductive bias is helpful, and we propose a novel approach that makes use of
gradients with respect to chart representations in predicting the parse, in
analogy with the CKY algorithm being a subgradient of a partition function
variant with respect to the chart. | cs.CL | Approximating CKY with Transformers |
2023-05-03T18:26:47Z | http://arxiv.org/pdf/2305.02374v1 | http://arxiv.org/abs/2305.02374v1 | Seyed Vahid Moravvej, Seyed Jalaleddin Mousavirad, Diego Oliva, Fardin Mohammadi | 2023-05-03T18:26:47Z | cs.CL, cs.LG, cs.NE | Detecting plagiarism involves finding similar items in two different sources.
In this article, we propose a novel method for detecting plagiarism that is
based on attention mechanism-based long short-term memory (LSTM) and
bidirectional encoder representations from transformers (BERT) word embedding,
enhanced with optimized differential evolution (DE) method for pre-training and
a focal loss function for training. BERT could be included in a downstream task
and fine-tuned as a task-specific BERT can be included in a downstream task and
fine-tuned as a task-specific structure, while the trained BERT model is
capable of detecting various linguistic characteristics. Unbalanced
classification is one of the primary issues with plagiarism detection. We
suggest a focal loss-based training technique that carefully learns minority
class instances to solve this. Another issue that we tackle is the training
phase itself, which typically employs gradient-based methods like
back-propagation for the learning process and thus suffers from some drawbacks,
including sensitivity to initialization. To initiate the BP process, we suggest
a novel DE algorithm that makes use of a clustering-based mutation operator.
Here, a winning cluster is identified for the current DE population, and a
fresh updating method is used to produce potential answers. We evaluate our
proposed approach on three benchmark datasets ( MSRP, SNLI, and SemEval2014)
and demonstrate that it performs well when compared to both conventional and
population-based methods. | cs.CL | A Novel Plagiarism Detection Approach Combining BERT-based Word Embedding, Attention-based LSTMs and an Improved Differential Evolution Algorithm |
2023-05-03T18:02:22Z | http://arxiv.org/pdf/2305.02364v2 | http://arxiv.org/abs/2305.02364v2 | Silin Gao, Beatriz Borges, Soyoung Oh, Deniz Bayazit, Saya Kanno, Hiromi Wakaki, Yuki Mitsufuji, Antoine Bosselut | 2023-05-26T08:45:23Z | cs.CL | Sustaining coherent and engaging narratives requires dialogue or storytelling
agents to understand how the personas of speakers or listeners ground the
narrative. Specifically, these agents must infer personas of their listeners to
produce statements that cater to their interests. They must also learn to
maintain consistent speaker personas for themselves throughout the narrative,
so that their counterparts feel involved in a realistic conversation or story.
However, personas are diverse and complex: they entail large quantities of
rich interconnected world knowledge that is challenging to robustly represent
in general narrative systems (e.g., a singer is good at singing, and may have
attended conservatoire). In this work, we construct a new large-scale persona
commonsense knowledge graph, PeaCoK, containing ~100K human-validated persona
facts. Our knowledge graph schematizes five dimensions of persona knowledge
identified in previous studies of human interactive behaviours, and distils
facts in this schema from both existing commonsense knowledge graphs and
large-scale pretrained language models. Our analysis indicates that PeaCoK
contains rich and precise world persona inferences that help downstream systems
generate more consistent and engaging narratives. | cs.CL | PeaCoK: Persona Commonsense Knowledge for Consistent and Engaging Narratives |
2023-05-03T18:01:13Z | http://arxiv.org/pdf/2305.02363v2 | http://arxiv.org/abs/2305.02363v2 | Najoung Kim, Sebastian Schuster | 2023-09-08T17:51:51Z | cs.CL | Keeping track of how states of entities change as a text or dialog unfolds is
a key prerequisite to discourse understanding. Yet, there have been few
systematic investigations into the ability of large language models (LLMs) to
track discourse entities. In this work, we present a task probing to what
extent a language model can infer the final state of an entity given an English
description of the initial state and a series of state-changing operations. We
use this task to first investigate whether Flan-T5, GPT-3 and GPT-3.5 can track
the state of entities, and find that only GPT-3.5 models, which have been
pretrained on large amounts of code, exhibit this ability. We then investigate
whether smaller models pretrained primarily on text can learn to track
entities, through finetuning T5 on several training/evaluation splits. While
performance degrades for more complex splits, we find that even when evaluated
on a different set of entities from training or longer operation sequences, a
finetuned model can perform non-trivial entity tracking. Taken together, these
results suggest that language models can learn to track entities but
pretraining on text corpora alone does not make this capacity surface. | cs.CL | Entity Tracking in Language Models |
2023-05-03T18:00:03Z | http://arxiv.org/pdf/2305.02350v2 | http://arxiv.org/abs/2305.02350v2 | Fabian Ziegner, Janos Borst, Andreas Niekler, Martin Potthast | 2023-05-08T15:43:52Z | cs.CL, cs.LG | This paper evaluates the viability of using fixed language models for
training text classification networks on low-end hardware. We combine language
models with a CNN architecture and put together a comprehensive benchmark with
8 datasets covering single-label and multi-label classification of topic,
sentiment, and genre. Our observations are distilled into a list of trade-offs,
concluding that there are scenarios, where not fine-tuning a language model
yields competitive effectiveness at faster training, requiring only a quarter
of the memory compared to fine-tuning. | cs.CL | Using Language Models on Low-end Hardware |
2023-05-03T17:59:59Z | http://arxiv.org/pdf/2305.02321v2 | http://arxiv.org/abs/2305.02321v2 | Karen Zhou, Chenhao Tan | 2023-10-19T18:15:34Z | cs.CL, cs.AI, cs.CY | Growing literature has shown that NLP systems may encode social biases;
however, the political bias of summarization models remains relatively unknown.
In this work, we use an entity replacement method to investigate the portrayal
of politicians in automatically generated summaries of news articles. We
develop an entity-based computational framework to assess the sensitivities of
several extractive and abstractive summarizers to the politicians Donald Trump
and Joe Biden. We find consistent differences in these summaries upon entity
replacement, such as reduced emphasis of Trump's presence in the context of the
same article and a more individualistic representation of Trump with respect to
the collective US government (i.e., administration). These summary
dissimilarities are most prominent when the entity is heavily featured in the
source article. Our characterization provides a foundation for future studies
of bias in summarization and for normative discussions on the ideal qualities
of automatic summaries. | cs.CL | Entity-Based Evaluation of Political Bias in Automatic Summarization |
2023-05-03T17:58:29Z | http://arxiv.org/pdf/2305.02317v3 | http://arxiv.org/abs/2305.02317v3 | Daniel Rose, Vaishnavi Himakunthala, Andy Ouyang, Ryan He, Alex Mei, Yujie Lu, Michael Saxon, Chinmay Sonar, Diba Mirza, William Yang Wang | 2024-01-23T02:29:35Z | cs.CL, cs.CV | Recent advances in large language models elicit reasoning in a
chain-of-thought that allows models to decompose problems in a human-like
fashion. Though this paradigm improves multi-step reasoning ability in language
models, it is limited by being unimodal and applied mainly to
question-answering tasks. We claim that incorporating visual augmentation into
reasoning is essential, especially for complex, imaginative tasks.
Consequently, we introduce VCoT, a novel method that leverages chain-of-thought
prompting with vision-language grounding to recursively bridge the logical gaps
within sequential data. Our method uses visual guidance to generate synthetic
multimodal infillings that add consistent and novel information to reduce the
logical gaps for downstream tasks that can benefit from temporal reasoning, as
well as provide interpretability into models' multi-step reasoning. We apply
VCoT to the Visual Storytelling and WikiHow summarization datasets and
demonstrate through human evaluation that VCoT offers novel and consistent
synthetic data augmentation beating chain-of-thought baselines, which can be
used to enhance downstream performance. | cs.CL | Visual Chain of Thought: Bridging Logical Gaps with Multimodal Infillings |
2023-05-03T17:50:56Z | http://arxiv.org/pdf/2305.02301v2 | http://arxiv.org/abs/2305.02301v2 | Cheng-Yu Hsieh, Chun-Liang Li, Chih-Kuan Yeh, Hootan Nakhost, Yasuhisa Fujii, Alexander Ratner, Ranjay Krishna, Chen-Yu Lee, Tomas Pfister | 2023-07-05T16:59:31Z | cs.CL, cs.AI, cs.LG | Deploying large language models (LLMs) is challenging because they are memory
inefficient and compute-intensive for practical applications. In reaction,
researchers train smaller task-specific models by either finetuning with human
labels or distilling using LLM-generated labels. However, finetuning and
distillation require large amounts of training data to achieve comparable
performance to LLMs. We introduce Distilling step-by-step, a new mechanism that
(a) trains smaller models that outperform LLMs, and (b) achieves so by
leveraging less training data needed by finetuning or distillation. Our method
extracts LLM rationales as additional supervision for training small models
within a multi-task framework. We present three findings across 4 NLP
benchmarks: First, compared to both finetuning and distillation, our mechanism
achieves better performance with much fewer labeled/unlabeled training
examples. Second, compared to few-shot prompted LLMs, we achieve better
performance using substantially smaller model sizes. Third, we reduce both the
model size and the amount of data required to outperform LLMs; our finetuned
770M T5 model outperforms the few-shot prompted 540B PaLM model using only 80%
of available data on a benchmark, whereas standard finetuning the same T5 model
struggles to match even by using 100% of the dataset. We release the code at:
https://github.com/google-research/distilling-step-by-step . | cs.CL | Distilling Step-by-Step! Outperforming Larger Language Models with Less Training Data and Smaller Model Sizes |
2023-05-03T17:50:33Z | http://arxiv.org/pdf/2305.02300v1 | http://arxiv.org/abs/2305.02300v1 | Hao Cheng, Meng Zhang, Weixuan Wang, Liangyou Li, Qun Liu, Zhihua Zhang | 2023-05-03T17:50:33Z | cs.CL, cs.AI | Length-controllable machine translation is a type of constrained translation.
It aims to contain the original meaning as much as possible while controlling
the length of the translation. We can use automatic summarization or machine
translation evaluation metrics for length-controllable machine translation, but
this is not necessarily suitable and accurate. This work is the first attempt
to evaluate the automatic metrics for length-controllable machine translation
tasks systematically. We conduct a rigorous human evaluation on two translation
directions and evaluate 18 summarization or translation evaluation metrics. We
find that BLEURT and COMET have the highest correlation with human evaluation
and are most suitable as evaluation metrics for length-controllable machine
translation. | cs.CL | Evaluating the Efficacy of Length-Controllable Machine Translation |
2023-05-03T17:32:16Z | http://arxiv.org/pdf/2305.02291v1 | http://arxiv.org/abs/2305.02291v1 | Ming Jiang, Jennifer D'Souza, Sören Auer, J. Stephen Downie | 2023-05-03T17:32:16Z | cs.DL, cs.CL | The rapid growth of research publications has placed great demands on digital
libraries (DL) for advanced information management technologies. To cater to
these demands, techniques relying on knowledge-graph structures are being
advocated. In such graph-based pipelines, inferring semantic relations between
related scientific concepts is a crucial step. Recently, BERT-based pre-trained
models have been popularly explored for automatic relation classification.
Despite significant progress, most of them were evaluated in different
scenarios, which limits their comparability. Furthermore, existing methods are
primarily evaluated on clean texts, which ignores the digitization context of
early scholarly publications in terms of machine scanning and optical character
recognition (OCR). In such cases, the texts may contain OCR noise, in turn
creating uncertainty about existing classifiers' performances. To address these
limitations, we started by creating OCR-noisy texts based on three clean
corpora. Given these parallel corpora, we conducted a thorough empirical
evaluation of eight Bert-based classification models by focusing on three
factors: (1) Bert variants; (2) classification strategies; and, (3) OCR noise
impacts. Experiments on clean data show that the domain-specific pre-trained
Bert is the best variant to identify scientific relations. The strategy of
predicting a single relation each time outperforms the one simultaneously
identifying multiple relations in general. The optimal classifier's performance
can decline by around 10% to 20% in F-score on the noisy corpora. Insights
discussed in this study can help DL stakeholders select techniques for building
optimal knowledge-graph-based systems. | cs.DL | Evaluating BERT-based Scientific Relation Classifiers for Scholarly Knowledge Graph Construction on Digital Library Collections |
2023-05-03T16:59:38Z | http://arxiv.org/pdf/2305.02269v1 | http://arxiv.org/abs/2305.02269v1 | Jinlong Xue, Yayue Deng, Fengping Wang, Ya Li, Yingming Gao, Jianhua Tao, Jianqing Sun, Jiaen Liang | 2023-05-03T16:59:38Z | cs.SD, cs.CL, eess.AS | Conversational text-to-speech (TTS) aims to synthesize speech with proper
prosody of reply based on the historical conversation. However, it is still a
challenge to comprehensively model the conversation, and a majority of
conversational TTS systems only focus on extracting global information and omit
local prosody features, which contain important fine-grained information like
keywords and emphasis. Moreover, it is insufficient to only consider the
textual features, and acoustic features also contain various prosody
information. Hence, we propose M2-CTTS, an end-to-end multi-scale multi-modal
conversational text-to-speech system, aiming to comprehensively utilize
historical conversation and enhance prosodic expression. More specifically, we
design a textual context module and an acoustic context module with both
coarse-grained and fine-grained modeling. Experimental results demonstrate that
our model mixed with fine-grained context information and additionally
considering acoustic features achieves better prosody performance and
naturalness in CMOS tests. | cs.SD | M2-CTTS: End-to-End Multi-scale Multi-modal Conversational Text-to-Speech Synthesis |
2023-05-03T16:55:00Z | http://arxiv.org/pdf/2305.02265v2 | http://arxiv.org/abs/2305.02265v2 | Yunxin Li, Baotian Hu, Yuxin Ding, Lin Ma, Min Zhang | 2023-05-05T17:41:57Z | cs.CL | Pretrained Vision-Language Models (VLMs) have achieved remarkable performance
in image retrieval from text. However, their performance drops drastically when
confronted with linguistically complex texts that they struggle to comprehend.
Inspired by the Divide-and-Conquer algorithm and dual-process theory, in this
paper, we regard linguistically complex texts as compound proposition texts
composed of multiple simple proposition sentences and propose an end-to-end
Neural Divide-and-Conquer Reasoning framework, dubbed NDCR. It contains three
main components: 1) Divide: a proposition generator divides the compound
proposition text into simple proposition sentences and produces their
corresponding representations, 2) Conquer: a pretrained VLMs-based
visual-linguistic interactor achieves the interaction between decomposed
proposition sentences and images, 3) Combine: a neural-symbolic reasoner
combines the above reasoning states to obtain the final solution via a neural
logic reasoning approach. According to the dual-process theory, the
visual-linguistic interactor and neural-symbolic reasoner could be regarded as
analogical reasoning System 1 and logical reasoning System 2. We conduct
extensive experiments on a challenging image retrieval from contextual
descriptions data set. Experimental results and analyses indicate NDCR
significantly improves performance in the complex image-text reasoning problem.
Code link: https://github.com/YunxinLi/NDCR. | cs.CL | A Neural Divide-and-Conquer Reasoning Framework for Image Retrieval from Linguistically Complex Text |
2023-05-03T16:48:43Z | http://arxiv.org/pdf/2305.02261v1 | http://arxiv.org/abs/2305.02261v1 | Hao Cheng, Meng Zhang, Liangyou Li, Qun Liu, Zhihua Zhang | 2023-05-03T16:48:43Z | cs.CL, cs.AI | Utilizing pivot language effectively can significantly improve low-resource
machine translation. Usually, the two translation models, source-pivot and
pivot-target, are trained individually and do not utilize the limited (source,
target) parallel data. This work proposes an end-to-end training method for the
cascaded translation model and configures an improved decoding algorithm. The
input of the pivot-target model is modified to weighted pivot embedding based
on the probability distribution output by the source-pivot model. This allows
the model to be trained end-to-end. In addition, we mitigate the inconsistency
between tokens and probability distributions while using beam search in pivot
decoding. Experiments demonstrate that our method enhances the quality of
translation. | cs.CL | End-to-end Training and Decoding for Pivot-based Cascaded Translation Model |
2023-05-03T16:19:31Z | http://arxiv.org/pdf/2305.02239v2 | http://arxiv.org/abs/2305.02239v2 | Lingyu Gao, Debanjan Ghosh, Kevin Gimpel | 2023-10-23T15:24:57Z | cs.CL, cs.AI | Pretrained language models have improved zero-shot text classification by
allowing the transfer of semantic knowledge from the training data in order to
classify among specific label sets in downstream tasks. We propose a simple way
to further improve zero-shot accuracies with minimal effort. We curate small
finetuning datasets intended to describe the labels for a task. Unlike typical
finetuning data, which has texts annotated with labels, our data simply
describes the labels in language, e.g., using a few related terms,
dictionary/encyclopedia entries, and short templates. Across a range of topic
and sentiment datasets, our method is more accurate than zero-shot by 17-19%
absolute. It is also more robust to choices required for zero-shot
classification, such as patterns for prompting the model to classify and
mappings from labels to tokens in the model's vocabulary. Furthermore, since
our data merely describes the labels but does not use input texts, finetuning
on it yields a model that performs strongly on multiple text domains for a
given label set, even improving over few-shot out-of-domain classification in
multiple settings. | cs.CL | The Benefits of Label-Description Training for Zero-Shot Text Classification |
2023-05-03T16:16:14Z | http://arxiv.org/pdf/2305.02235v1 | http://arxiv.org/abs/2305.02235v1 | Yuxiang Nie, Heyan Huang, Wei Wei, Xian-Ling Mao | 2023-05-03T16:16:14Z | cs.CL | Annotating long-document question answering (long-document QA) pairs is
time-consuming and expensive. To alleviate the problem, it might be possible to
generate long-document QA pairs via unsupervised question answering (UQA)
methods. However, existing UQA tasks are based on short documents, and can
hardly incorporate long-range information. To tackle the problem, we propose a
new task, named unsupervised long-document question answering (ULQA), aiming to
generate high-quality long-document QA instances in an unsupervised manner.
Besides, we propose AttenWalker, a novel unsupervised method to aggregate and
generate answers with long-range dependency so as to construct long-document QA
pairs. Specifically, AttenWalker is composed of three modules, i.e., span
collector, span linker and answer aggregator. Firstly, the span collector takes
advantage of constituent parsing and reconstruction loss to select informative
candidate spans for constructing answers. Secondly, by going through the
attention graph of a pre-trained long-document model, potentially interrelated
text spans (that might be far apart) could be linked together via an
attention-walking algorithm. Thirdly, in the answer aggregator, linked spans
are aggregated into the final answer via the mask-filling ability of a
pre-trained model. Extensive experiments show that AttenWalker outperforms
previous methods on Qasper and NarrativeQA. In addition, AttenWalker also shows
strong performance in the few-shot learning setting. | cs.CL | AttenWalker: Unsupervised Long-Document Question Answering via Attention-based Graph Walking |
2023-05-03T15:58:28Z | http://arxiv.org/pdf/2305.02220v2 | http://arxiv.org/abs/2305.02220v2 | John Giorgi, Augustin Toma, Ronald Xie, Sondra S. Chen, Kevin R. An, Grace X. Zheng, Bo Wang | 2023-06-03T17:56:29Z | cs.CL, cs.AI, cs.LG | This paper describes our submission to the MEDIQA-Chat 2023 shared task for
automatic clinical note generation from doctor-patient conversations. We report
results for two approaches: the first fine-tunes a pre-trained language model
(PLM) on the shared task data, and the second uses few-shot in-context learning
(ICL) with a large language model (LLM). Both achieve high performance as
measured by automatic metrics (e.g. ROUGE, BERTScore) and ranked second and
first, respectively, of all submissions to the shared task. Expert human
scrutiny indicates that notes generated via the ICL-based approach with GPT-4
are preferred about as often as human-written notes, making it a promising path
toward automated note generation from doctor-patient conversations. | cs.CL | WangLab at MEDIQA-Chat 2023: Clinical Note Generation from Doctor-Patient Conversations using Large Language Models |
2023-05-03T15:57:39Z | http://arxiv.org/pdf/2305.11873v1 | http://arxiv.org/abs/2305.11873v1 | Paweł Niszczota, Paul Conway | 2023-05-03T15:57:39Z | cs.HC, cs.AI, cs.CL, cs.CY, econ.GN, q-fin.EC, K.4.2; I.2.7 | The introduction of ChatGPT has fuelled a public debate on the use of
generative AI (large language models; LLMs), including its use by researchers.
In the current work, we test whether delegating parts of the research process
to LLMs leads people to distrust and devalue researchers and scientific output.
Participants (N=402) considered a researcher who delegates elements of the
research process to a PhD student or LLM, and rated (1) moral acceptability,
(2) trust in the scientist to oversee future projects, and (3) the accuracy and
quality of the output. People judged delegating to an LLM as less acceptable
than delegating to a human (d = -0.78). Delegation to an LLM also decreased
trust to oversee future research projects (d = -0.80), and people thought the
results would be less accurate and of lower quality (d = -0.85). We discuss how
this devaluation might transfer into the underreporting of generative AI use. | cs.HC | Judgments of research co-created by generative AI: experimental evidence |
2023-05-03T15:52:17Z | http://arxiv.org/pdf/2305.02215v2 | http://arxiv.org/abs/2305.02215v2 | Elena Sofia Ruzzetti, Federico Ranaldi, Felicia Logozzo, Michele Mastromattei, Leonardo Ranaldi, Fabio Massimo Zanzotto | 2024-02-29T08:35:05Z | cs.CL, cs.AI | The impressive achievements of transformers force NLP researchers to delve
into how these models represent the underlying structure of natural language.
In this paper, we propose a novel standpoint to investigate the above issue:
using typological similarities among languages to observe how their respective
monolingual models encode structural information. We aim to layer-wise compare
transformers for typologically similar languages to observe whether these
similarities emerge for particular layers. For this investigation, we propose
to use Centered Kernel Alignment to measure similarity among weight matrices.
We found that syntactic typological similarity is consistent with the
similarity between the weights in the middle layers, which are the pretrained
BERT layers to which syntax encoding is generally attributed. Moreover, we
observe that a domain adaptation on semantically equivalent texts enhances this
similarity among weight matrices. | cs.CL | Exploring Linguistic Properties of Monolingual BERTs with Typological Classification among Languages |
2023-05-03T15:18:18Z | http://arxiv.org/pdf/2305.02176v2 | http://arxiv.org/abs/2305.02176v2 | Haoran Xu, Maha Elbayad, Kenton Murray, Jean Maillard, Vedanuj Goswami | 2023-10-22T21:09:23Z | cs.CL | Mixture-of-experts (MoE) models that employ sparse activation have
demonstrated effectiveness in significantly increasing the number of parameters
while maintaining low computational requirements per token. However, recent
studies have established that MoE models are inherently parameter-inefficient
as the improvement in performance diminishes with an increasing number of
experts. We hypothesize this parameter inefficiency is a result of all experts
having equal capacity, which may not adequately meet the varying complexity
requirements of different tokens or tasks. In light of this, we propose
Stratified Mixture of Experts (SMoE) models, which feature a stratified
structure and can assign dynamic capacity to different tokens. We demonstrate
the effectiveness of SMoE on three multilingual machine translation benchmarks,
containing 4, 15, and 94 language pairs, respectively. We show that SMoE
outperforms multiple state-of-the-art MoE models with the same or fewer
parameters. | cs.CL | Towards Being Parameter-Efficient: A Stratified Sparsely Activated Transformer with Dynamic Capacity |
2023-05-03T15:07:42Z | http://arxiv.org/pdf/2305.02170v3 | http://arxiv.org/abs/2305.02170v3 | Gideon Yoffe, Axel Bühler, Nachum Dershowitz, Israel Finkelstein, Eli Piasetzky, Thomas Römer, Barak Sober | 2023-06-10T07:57:22Z | cs.CL | We present a pipeline for a statistical textual exploration, offering a
stylometry-based explanation and statistical validation of a hypothesized
partition of a text. Given a parameterization of the text, our pipeline: (1)
detects literary features yielding the optimal overlap between the hypothesized
and unsupervised partitions, (2) performs a hypothesis-testing analysis to
quantify the statistical significance of the optimal overlap, while conserving
implicit correlations between units of text that are more likely to be grouped,
and (3) extracts and quantifies the importance of features most responsible for
the classification, estimates their statistical stability and cluster-wise
abundance.
We apply our pipeline to the first two books in the Bible, where one
stylistic component stands out in the eyes of biblical scholars, namely, the
Priestly component. We identify and explore statistically significant stylistic
differences between the Priestly and non-Priestly components. | cs.CL | A Statistical Exploration of Text Partition Into Constituents: The Case of the Priestly Source in the Books of Genesis and Exodus |
2023-05-03T14:48:27Z | http://arxiv.org/pdf/2305.02160v1 | http://arxiv.org/abs/2305.02160v1 | Ruochen Zhao, Shafiq Joty, Yongjie Wang, Tan Wang | 2023-05-03T14:48:27Z | cs.CL | The emergence of large-scale pretrained language models has posed
unprecedented challenges in deriving explanations of why the model has made
some predictions. Stemmed from the compositional nature of languages, spurious
correlations have further undermined the trustworthiness of NLP systems,
leading to unreliable model explanations that are merely correlated with the
output predictions. To encourage fairness and transparency, there exists an
urgent demand for reliable explanations that allow users to consistently
understand the model's behavior. In this work, we propose a complete framework
for extending concept-based interpretability methods to NLP. Specifically, we
propose a post-hoc interpretability method for extracting predictive high-level
features (concepts) from the pretrained model's hidden layer activations. We
optimize for features whose existence causes the output predictions to change
substantially, \ie generates a high impact. Moreover, we devise several
evaluation metrics that can be universally applied. Extensive experiments on
real and synthetic tasks demonstrate that our method achieves superior results
on {predictive impact}, usability, and faithfulness compared to the baselines. | cs.CL | Explaining Language Models' Predictions with High-Impact Concepts |
2023-05-03T14:45:34Z | http://arxiv.org/pdf/2305.02156v1 | http://arxiv.org/abs/2305.02156v1 | Xueguang Ma, Xinyu Zhang, Ronak Pradeep, Jimmy Lin | 2023-05-03T14:45:34Z | cs.IR, cs.CL | Supervised ranking methods based on bi-encoder or cross-encoder architectures
have shown success in multi-stage text ranking tasks, but they require large
amounts of relevance judgments as training data. In this work, we propose
Listwise Reranker with a Large Language Model (LRL), which achieves strong
reranking effectiveness without using any task-specific training data.
Different from the existing pointwise ranking methods, where documents are
scored independently and ranked according to the scores, LRL directly generates
a reordered list of document identifiers given the candidate documents.
Experiments on three TREC web search datasets demonstrate that LRL not only
outperforms zero-shot pointwise methods when reranking first-stage retrieval
results, but can also act as a final-stage reranker to improve the top-ranked
results of a pointwise method for improved efficiency. Additionally, we apply
our approach to subsets of MIRACL, a recent multilingual retrieval dataset,
with results showing its potential to generalize across different languages. | cs.IR | Zero-Shot Listwise Document Reranking with a Large Language Model |
2023-05-03T14:33:23Z | http://arxiv.org/pdf/2305.02151v2 | http://arxiv.org/abs/2305.02151v2 | Fred Philippy, Siwen Guo, Shohreh Haddadan | 2024-03-27T08:43:28Z | cs.CL, cs.AI, cs.LG | Prior research has investigated the impact of various linguistic features on
cross-lingual transfer performance. In this study, we investigate the manner in
which this effect can be mapped onto the representation space. While past
studies have focused on the impact on cross-lingual alignment in multilingual
language models during fine-tuning, this study examines the absolute evolution
of the respective language representation spaces produced by MLLMs. We place a
specific emphasis on the role of linguistic characteristics and investigate
their inter-correlation with the impact on representation spaces and
cross-lingual transfer performance. Additionally, this paper provides
preliminary evidence of how these findings can be leveraged to enhance transfer
to linguistically distant languages. | cs.CL | Identifying the Correlation Between Language Distance and Cross-Lingual Transfer in a Multilingual Representation Space |
2023-05-03T14:13:03Z | http://arxiv.org/pdf/2305.02139v1 | http://arxiv.org/abs/2305.02139v1 | Zebin Ou, Yue Zhang | 2023-05-03T14:13:03Z | cs.LG, cs.CL | Robust loss functions are designed to combat the adverse impacts of label
noise, whose robustness is typically supported by theoretical bounds agnostic
to the training dynamics. However, these bounds may fail to characterize the
empirical performance as it remains unclear why robust loss functions can
underfit. We show that most loss functions can be rewritten into a form with
the same class-score margin and different sample-weighting functions. The
resulting curriculum view provides a straightforward analysis of the training
dynamics, which helps attribute underfitting to diminished average sample
weights and noise robustness to larger weights for clean samples. We show that
simple fixes to the curriculums can make underfitting robust loss functions
competitive with the state-of-the-art, and training schedules can substantially
affect the noise robustness even with robust loss functions. Code is available
at \url{github}. | cs.LG | A Curriculum View of Robust Loss Functions |
2023-05-03T13:48:30Z | http://arxiv.org/pdf/2305.02118v2 | http://arxiv.org/abs/2305.02118v2 | Yong Cao, Xianzhi Li, Huiwen Liu, Wen Dai, Shuai Chen, Bin Wang, Min Chen, Daniel Hershcovich | 2023-05-25T10:15:28Z | cs.CL | Knowledge base question answering (KBQA) is a challenging task that aims to
retrieve correct answers from large-scale knowledge bases. Existing attempts
primarily focus on entity representation and final answer reasoning, which
results in limited supervision for this task. Moreover, the relations, which
empirically determine the reasoning path selection, are not fully considered in
recent advancements. In this study, we propose a novel framework, RE-KBQA, that
utilizes relations in the knowledge base to enhance entity representation and
introduce additional supervision. We explore guidance from relations in three
aspects, including (1) distinguishing similar entities by employing a
variational graph auto-encoder to learn relation importance; (2) exploring
extra supervision by predicting relation distributions as soft labels with a
multi-task scheme; (3) designing a relation-guided re-ranking algorithm for
post-processing. Experimental results on two benchmark datasets demonstrate the
effectiveness and superiority of our framework, improving the F1 score by 5.7%
from 40.5 to 46.3 on CWQ and 5.8% from 62.8 to 68.5 on WebQSP, better or on par
with state-of-the-art methods. | cs.CL | Pay More Attention to Relation Exploration for Knowledge Base Question Answering |
2023-05-03T13:28:08Z | http://arxiv.org/pdf/2305.02105v3 | http://arxiv.org/abs/2305.02105v3 | Zhen Wan, Fei Cheng, Zhuoyuan Mao, Qianying Liu, Haiyue Song, Jiwei Li, Sadao Kurohashi | 2023-12-09T02:05:05Z | cs.CL | In spite of the potential for ground-breaking achievements offered by large
language models (LLMs) (e.g., GPT-3), they still lag significantly behind
fully-supervised baselines (e.g., fine-tuned BERT) in relation extraction (RE).
This is due to the two major shortcomings of LLMs in RE: (1) low relevance
regarding entity and relation in retrieved demonstrations for in-context
learning; and (2) the strong inclination to wrongly classify NULL examples into
other pre-defined labels.
In this paper, we propose GPT-RE to bridge the gap between LLMs and
fully-supervised baselines. GPT-RE successfully addresses the aforementioned
issues by (1) incorporating task-specific entity representations in
demonstration retrieval; and (2) enriching the demonstrations with gold
label-induced reasoning logic. We evaluate GPT-RE on four widely-used RE
datasets, and observe that GPT-RE achieves improvements over not only existing
GPT-3 baselines, but also fully-supervised baselines. Specifically, GPT-RE
achieves SOTA performances on the Semeval and SciERC datasets, and competitive
performances on the TACRED and ACE05 datasets. | cs.CL | GPT-RE: In-context Learning for Relation Extraction using Large Language Models |
2023-05-03T13:24:49Z | http://arxiv.org/pdf/2305.02104v1 | http://arxiv.org/abs/2305.02104v1 | Domenic Rosati | 2023-05-03T13:24:49Z | cs.CL | Communication of scientific findings to the public is important for keeping
non-experts informed of developments such as life-saving medical treatments.
However, generating readable lay summaries from scientific documents is
challenging, and currently, these summaries suffer from critical factual
errors. One popular intervention for improving factuality is using additional
external knowledge to provide factual grounding. However, it is unclear how
these grounding sources should be retrieved, selected, or integrated, and how
supplementary grounding documents might affect the readability or relevance of
the generated summaries. We develop a simple method for selecting grounding
sources and integrating them with source documents. We then use the BioLaySum
summarization dataset to evaluate the effects of different grounding sources on
summary quality. We found that grounding source documents improves the
relevance and readability of lay summaries but does not improve factuality of
lay summaries. This continues to be true in zero-shot summarization settings
where we hypothesized that grounding might be even more important for factual
lay summaries. | cs.CL | Background Knowledge Grounding for Readable, Relevant, and Factual Biomedical Lay Summaries |
2023-05-03T13:15:37Z | http://arxiv.org/pdf/2305.02101v1 | http://arxiv.org/abs/2305.02101v1 | Bing'er Jiang, Erik Ekstedt, Gabriel Skantze | 2023-05-03T13:15:37Z | cs.CL | Filled pauses (or fillers), such as "uh" and "um", are frequent in
spontaneous speech and can serve as a turn-holding cue for the listener,
indicating that the current speaker is not done yet. In this paper, we use the
recently proposed Voice Activity Projection (VAP) model, which is a deep
learning model trained to predict the dynamics of conversation, to analyse the
effects of filled pauses on the expected turn-hold probability. The results
show that, while filled pauses do indeed have a turn-holding effect, it is
perhaps not as strong as could be expected, probably due to the redundancy of
other cues. We also find that the prosodic properties and position of the
filler has a significant effect on the turn-hold probability. However, contrary
to what has been suggested in previous work, there is no difference between
"uh" and "um" in this regard. | cs.CL | What makes a good pause? Investigating the turn-holding effects of fillers |
2023-05-03T12:38:14Z | http://arxiv.org/pdf/2305.02081v1 | http://arxiv.org/abs/2305.02081v1 | Orestis Papakyriakopoulos, Alice Xiang | 2023-05-03T12:38:14Z | cs.CY, cs.CL, cs.SD, eess.AS | Speech AI Technologies are largely trained on publicly available datasets or
by the massive web-crawling of speech. In both cases, data acquisition focuses
on minimizing collection effort, without necessarily taking the data subjects'
protection or user needs into consideration. This results to models that are
not robust when used on users who deviate from the dominant demographics in the
training set, discriminating individuals having different dialects, accents,
speaking styles, and disfluencies. In this talk, we use automatic speech
recognition as a case study and examine the properties that ethical speech
datasets should possess towards responsible AI applications. We showcase
diversity issues, inclusion practices, and necessary considerations that can
improve trained models, while facilitating model explainability and protecting
users and data subjects. We argue for the legal & privacy protection of data
subjects, targeted data sampling corresponding to user demographics & needs,
appropriate meta data that ensure explainability & accountability in cases of
model failure, and the sociotechnical \& situated model design. We hope this
talk can inspire researchers \& practitioners to design and use more
human-centric datasets in speech technologies and other domains, in ways that
empower and respect users, while improving machine learning models' robustness
and utility. | cs.CY | Considerations for Ethical Speech Recognition Datasets |
2023-05-03T11:06:50Z | http://arxiv.org/pdf/2305.02036v1 | http://arxiv.org/abs/2305.02036v1 | Bing'er Jiang, Erik Ekstedt, Gabriel Skantze | 2023-05-03T11:06:50Z | cs.CL, cs.LG | Previous approaches to turn-taking and response generation in conversational
systems have treated it as a two-stage process: First, the end of a turn is
detected (based on conversation history), then the system generates an
appropriate response. Humans, however, do not take the turn just because it is
likely, but also consider whether what they want to say fits the position. In
this paper, we present a model (an extension of TurnGPT) that conditions the
end-of-turn prediction on both conversation history and what the next speaker
wants to say. We found that our model consistently outperforms the baseline
model in a variety of metrics. The improvement is most prominent in two
scenarios where turn predictions can be ambiguous solely from the conversation
history: 1) when the current utterance contains a statement followed by a
question; 2) when the end of the current utterance semantically matches the
response. Treating the turn-prediction and response-ranking as a one-stage
process, our findings suggest that our model can be used as an incremental
response ranker, which can be applied in various settings. | cs.CL | Response-conditioned Turn-taking Prediction |
2023-05-03T10:49:38Z | http://arxiv.org/pdf/2305.02031v2 | http://arxiv.org/abs/2305.02031v2 | Nitay Calderon, Subhabrata Mukherjee, Roi Reichart, Amir Kantor | 2023-05-26T11:11:11Z | cs.CL, cs.AI | Modern Natural Language Generation (NLG) models come with massive
computational and storage requirements. In this work, we study the potential of
compressing them, which is crucial for real-world applications serving millions
of users. We focus on Knowledge Distillation (KD) techniques, in which a small
student model learns to imitate a large teacher model, allowing to transfer
knowledge from the teacher to the student. In contrast to much of the previous
work, our goal is to optimize the model for a specific NLG task and a specific
dataset. Typically in real-world applications, in addition to labeled data
there is abundant unlabeled task-specific data, which is crucial for attaining
high compression rates via KD. In this work, we conduct a systematic study of
task-specific KD techniques for various NLG tasks under realistic assumptions.
We discuss the special characteristics of NLG distillation and particularly the
exposure bias problem. Following, we derive a family of Pseudo-Target (PT)
augmentation methods, substantially extending prior work on sequence-level KD.
We propose the Joint-Teaching method, which applies word-level KD to multiple
PTs generated by both the teacher and the student. Finally, we validate our
findings in an extreme setup with no labeled examples using GPT-4 as the
teacher. Our study provides practical model design observations and
demonstrates the effectiveness of PT training for task-specific KD in NLG. | cs.CL | A Systematic Study of Knowledge Distillation for Natural Language Generation with Pseudo-Target Training |
2023-05-03T10:36:56Z | http://arxiv.org/pdf/2305.02029v1 | http://arxiv.org/abs/2305.02029v1 | Andrew Hilditch, David Webb, Jozef Baca, Tom Armitage, Matthew Shardlow, Peter Appleby | 2023-05-03T10:36:56Z | cs.CL | Automatic analysis of customer data for businesses is an area that is of
interest to companies. Business to business data is studied rarely in academia
due to the sensitive nature of such information. Applying natural language
processing can speed up the analysis of prohibitively large sets of data. This
paper addresses this subject and applies sentiment analysis, topic modelling
and keyword extraction to a B2B data set. We show that accurate sentiment can
be extracted from the notes automatically and the notes can be sorted by
relevance into different topics. We see that without clear separation topics
can lack relevance to a business context. | cs.CL | Natural language processing on customer note data |
2023-05-03T09:24:39Z | http://arxiv.org/pdf/2305.03502v1 | http://arxiv.org/abs/2305.03502v1 | Beibei Liu, Yuanfang Zhang, Shiyu Zhang | 2023-05-03T09:24:39Z | cs.CL | We adopt the distribution and expectation of guessing times in game Wordle as
metrics to predict the difficulty of words and explore their influence factors.
In order to predictthe difficulty distribution, we use Monte Carlo to simulate
the guessing process of players and then narrow the gap between raw and actual
distribution of guessing times for each word with Markov which generates the
associativity of words. Afterwards, we take advantage of lasso regression to
predict the deviation of guessing times expectation and quadratic programming
to obtain the correction of the original distribution.To predict the difficulty
levels, we first use hierarchical clustering to classify the difficulty levels
based on the expectation of guessing times. Afterwards we downscale the
variables of lexical attributes based on factor analysis. Significant factors
include the number of neighboring words, letter similarity, sub-string
similarity, and word frequency. Finally, we build the relationship between
lexical attributes and difficulty levels through ordered logistic regression. | cs.CL | Explore the difficulty of words and its influential attributes based on the Wordle game |
2023-05-03T08:25:37Z | http://arxiv.org/pdf/2305.01965v1 | http://arxiv.org/abs/2305.01965v1 | María Andrea Cruz Blandón, Alejandrina Cristia, Okko Räsänen | 2023-05-03T08:25:37Z | cs.CL, cs.SD, eess.AS | Modelling of early language acquisition aims to understand how infants
bootstrap their language skills. The modelling encompasses properties of the
input data used for training the models, the cognitive hypotheses and their
algorithmic implementations being tested, and the evaluation methodologies to
compare models to human data. Recent developments have enabled the use of more
naturalistic training data for computational models. This also motivates
development of more naturalistic tests of model behaviour. A crucial step
towards such an aim is to develop representative speech datasets consisting of
speech heard by infants in their natural environments. However, a major
drawback of such recordings is that they are typically noisy, and it is
currently unclear how the sound quality could affect analyses and modelling
experiments conducted on such data. In this paper, we explore this aspect for
the case of infant-directed speech (IDS) and adult-directed speech (ADS)
analysis. First, we manually and automatically annotated audio quality of
utterances extracted from two corpora of child-centred long-form recordings (in
English and French). We then compared acoustic features of IDS and ADS in an
in-lab dataset and across different audio quality subsets of naturalistic data.
Finally, we assessed how the audio quality and recording environment may change
the conclusions of a modelling analysis using a recent self-supervised learning
model. Our results show that the use of modest and high audio quality
naturalistic speech data result in largely similar conclusions on IDS and ADS
in terms of acoustic analyses and modelling experiments. We also found that an
automatic sound quality assessment tool can be used to screen out useful parts
of long-form recordings for a closer analysis with comparable results to that
of manual quality annotation. | cs.CL | Analysing the Impact of Audio Quality on the Use of Naturalistic Long-Form Recordings for Infant-Directed Speech Research |
2023-05-03T08:17:07Z | http://arxiv.org/pdf/2305.01957v1 | http://arxiv.org/abs/2305.01957v1 | Sardana Ivanova, Fredrik Aas Andreassen, Matias Jentoft, Sondre Wold, Lilja Øvrelid | 2023-05-03T08:17:07Z | cs.CL | In this paper we present NorQuAD: the first Norwegian question answering
dataset for machine reading comprehension. The dataset consists of 4,752
manually created question-answer pairs. We here detail the data collection
procedure and present statistics of the dataset. We also benchmark several
multilingual and Norwegian monolingual language models on the dataset and
compare them against human performance. The dataset will be made freely
available. | cs.CL | NorQuAD: Norwegian Question Answering Dataset |
2023-05-03T08:11:25Z | http://arxiv.org/pdf/2305.01954v1 | http://arxiv.org/abs/2305.01954v1 | Efthymios Georgiou, Alexandros Potamianos | 2023-05-03T08:11:25Z | cs.CL, cs.LG | Data augmentation is a prevalent technique for improving performance in
various machine learning applications. We propose SeqAug, a modality-agnostic
augmentation method that is tailored towards sequences of extracted features.
The core idea of SeqAug is to augment the sequence by resampling from the
underlying feature distribution. Resampling is performed by randomly selecting
feature dimensions and permuting them along the temporal axis. Experiments on
CMU-MOSEI verify that SeqAug is modality agnostic; it can be successfully
applied to a single modality or multiple modalities. We further verify its
compatibility with both recurrent and transformer architectures, and also
demonstrate comparable to state-of-the-art results. | cs.CL | SeqAug: Sequential Feature Resampling as a modality agnostic augmentation method |
2023-05-03T08:08:07Z | http://arxiv.org/pdf/2305.01951v3 | http://arxiv.org/abs/2305.01951v3 | Chi Seng Cheang, Hou Pong Chan, Derek F. Wong, Xuebo Liu, Zhaocong Li, Yanming Sun, Shudong Liu, Lidia S. Chao | 2023-11-02T12:07:48Z | cs.CL | Recent pre-trained language models (PLMs) achieve promising results in
existing abstractive summarization datasets. However, existing summarization
benchmarks overlap in time with the standard pre-training corpora and
finetuning datasets. Hence, the strong performance of PLMs may rely on the
parametric knowledge that is memorized during pre-training and fine-tuning.
Moreover, the knowledge memorized by PLMs may quickly become outdated, which
affects the generalization performance of PLMs on future data. In this work, we
propose TempoSum, a novel benchmark that contains data samples from 2010 to
2022, to understand the temporal generalization ability of abstractive
summarization models. Through extensive human evaluation, we show that
parametric knowledge stored in summarization models significantly affects the
faithfulness of the generated summaries on future data. Moreover, existing
faithfulness enhancement methods cannot reliably improve the faithfulness of
summarization models on future data. Finally, we discuss several
recommendations to the research community on how to evaluate and improve the
temporal generalization capability of text summarization models. | cs.CL | Can LMs Generalize to Future Data? An Empirical Analysis on Text Summarization |
2023-05-03T07:30:32Z | http://arxiv.org/pdf/2305.01938v3 | http://arxiv.org/abs/2305.01938v3 | Fengbin Zhu, Chao Wang, Fuli Feng, Zifeng Ren, Moxin Li, Tat-Seng Chua | 2024-02-22T12:12:54Z | cs.CL, cs.AI | Discrete reasoning over table-text documents (e.g., financial reports) gains
increasing attention in recent two years. Existing works mostly simplify this
challenge by manually selecting and transforming document pages to structured
tables and paragraphs, hindering their practical application. In this work, we
explore a more realistic problem setting in the form of TAT-DQA, i.e. to answer
the question over a visually-rich table-text document. Specifically, we propose
a novel Doc2SoarGraph framework with enhanced discrete reasoning capability by
harnessing the differences and correlations among different elements (e.g.,
quantities, dates) of the given question and document with Semantic-oriented
hierarchical Graph structures. We conduct extensive experiments on TAT-DQA
dataset, and the results show that our proposed framework outperforms the best
baseline model by 17.73% and 16.91% in terms of Exact Match (EM) and F1 score
respectively on the test set, achieving the new state-of-the-art. | cs.CL | Doc2SoarGraph: Discrete Reasoning over Visually-Rich Table-Text Documents via Semantic-Oriented Hierarchical Graphs |
2023-05-03T07:28:50Z | http://arxiv.org/pdf/2305.01937v1 | http://arxiv.org/abs/2305.01937v1 | Cheng-Han Chiang, Hung-yi Lee | 2023-05-03T07:28:50Z | cs.CL, cs.HC | Human evaluation is indispensable and inevitable for assessing the quality of
texts generated by machine learning models or written by humans. However, human
evaluation is very difficult to reproduce and its quality is notoriously
unstable, hindering fair comparisons among different natural language
processing (NLP) models and algorithms. Recently, large language models (LLMs)
have demonstrated exceptional performance on unseen tasks when only the task
instructions are provided. In this paper, we explore if such an ability of the
LLMs can be used as an alternative to human evaluation. We present the LLMs
with the exact same instructions, samples to be evaluated, and questions used
to conduct human evaluation, and then ask the LLMs to generate responses to
those questions; we dub this LLM evaluation. We use human evaluation and LLM
evaluation to evaluate the texts in two NLP tasks: open-ended story generation
and adversarial attacks. We show that the result of LLM evaluation is
consistent with the results obtained by expert human evaluation: the texts
rated higher by human experts are also rated higher by the LLMs. We also find
that the results of LLM evaluation are stable over different formatting of the
task instructions and the sampling algorithm used to generate the answer. We
are the first to show the potential of using LLMs to assess the quality of
texts and discuss the limitations and ethical considerations of LLM evaluation. | cs.CL | Can Large Language Models Be an Alternative to Human Evaluations? |
2023-05-03T06:34:39Z | http://arxiv.org/pdf/2305.01920v1 | http://arxiv.org/abs/2305.01920v1 | Wanli Li, Tieyun Qian | 2023-05-03T06:34:39Z | cs.CL | The zero-shot relation triplet extraction (ZeroRTE) task aims to extract
relation triplets from a piece of text with unseen relation types. The seminal
work adopts the pre-trained generative model to generate synthetic samples for
new relations. However, current generative models lack the optimization process
of model generalization on different tasks during training, and thus have
limited generalization capability. For this reason, we propose a novel
generative meta-learning framework which exploits the `learning-to-learn'
ability of meta-learning to boost the generalization capability of generative
models. Specifically, we first design a task-aware generative model which can
learn the general knowledge by forcing the optimization process to be conducted
across multiple tasks. Based on it, we then present three generative
meta-learning approaches designated for three typical meta-learning categories.
Extensive experimental results demonstrate that our framework achieves a new
state-of-the-art performance for the ZeroRTE task. | cs.CL | Generative Meta-Learning for Zero-Shot Relation Triplet Extraction |
2023-05-03T06:26:13Z | http://arxiv.org/pdf/2305.01918v3 | http://arxiv.org/abs/2305.01918v3 | Qinyuan Cheng, Xiaogui Yang, Tianxiang Sun, Linyang Li, Xipeng Qiu | 2023-05-20T09:39:29Z | cs.CL, cs.AI | Contrastive learning has become a popular approach in natural language
processing, particularly for the learning of sentence embeddings. However, the
discrete nature of natural language makes it difficult to ensure the quality of
positive and negative sample pairs generated through data augmentation methods.
Although supervised contrastive learning can produce more accurate sample pairs
with human feedback labels, it still lacks fine-grained training signals. In
this paper, we propose to improve \textbf{C}ontrastive \textbf{L}earning of
sentence embeddings from \textbf{AI} \textbf{F}eedback \textbf{(CLAIF)}. Our
method utilizes AI feedback from large pre-trained language models (LLMs) to
construct sample pairs with fine-grained sample similarity scores to improve
contrastive learning. Besides, we combine human feedback and AI feedback to
provide better supervision signals for supervised contrastive learning of
sentence embeddings. Experimental results show that our method achieves
state-of-the-art performance on several semantic textual similarity (STS) and
transfer learning tasks compared to other unsupervised and supervised
contrastive learning methods. | cs.CL | Improving Contrastive Learning of Sentence Embeddings from AI Feedback |
2023-05-03T06:11:39Z | http://arxiv.org/pdf/2305.01914v1 | http://arxiv.org/abs/2305.01914v1 | Zhen Yang, Yongbin Liu, Chunping Ouyang | 2023-05-03T06:11:39Z | cs.CL | Few-shot named entity recognition (NER) systems aims at recognizing new
classes of entities based on a few labeled samples. A significant challenge in
the few-shot regime is prone to overfitting than the tasks with abundant
samples. The heavy overfitting in few-shot learning is mainly led by spurious
correlation caused by the few samples selection bias. To alleviate the problem
of the spurious correlation in the few-shot NER, in this paper, we propose a
causal intervention-based few-shot NER method. Based on the prototypical
network, the method intervenes in the context and prototype via backdoor
adjustment during training. In particular, intervening in the context of the
one-shot scenario is very difficult, so we intervene in the prototype via
incremental learning, which can also avoid catastrophic forgetting. Our
experiments on different benchmarks show that our approach achieves new
state-of-the-art results (achieving up to 29% absolute improvement and 12% on
average for all tasks). | cs.CL | Causal Interventions-based Few-Shot Named Entity Recognition |
2023-05-03T05:37:30Z | http://arxiv.org/pdf/2305.01904v2 | http://arxiv.org/abs/2305.01904v2 | KiYoon Yoo, Wonhyuk Ahn, Jiho Jang, Nojun Kwak | 2023-06-09T07:17:14Z | cs.CL, cs.AI | Recent years have witnessed a proliferation of valuable original natural
language contents found in subscription-based media outlets, web novel
platforms, and outputs of large language models. However, these contents are
susceptible to illegal piracy and potential misuse without proper security
measures. This calls for a secure watermarking system to guarantee copyright
protection through leakage tracing or ownership identification. To effectively
combat piracy and protect copyrights, a multi-bit watermarking framework should
be able to embed adequate bits of information and extract the watermarks in a
robust manner despite possible corruption. In this work, we explore ways to
advance both payload and robustness by following a well-known proposition from
image watermarking and identify features in natural language that are invariant
to minor corruption. Through a systematic analysis of the possible sources of
errors, we further propose a corruption-resistant infill model. Our full method
improves upon the previous work on robustness by +16.8% point on average on
four datasets, three corruption types, and two corruption ratios. Code
available at https://github.com/bangawayoo/nlp-watermarking. | cs.CL | Robust Multi-bit Natural Language Watermarking through Invariant Features |
2023-05-03T05:31:48Z | http://arxiv.org/pdf/2305.01901v2 | http://arxiv.org/abs/2305.01901v2 | Yubo Ma, Zehao Wang, Yixin Cao, Aixin Sun | 2023-05-25T11:50:30Z | cs.CL, cs.AI | Few-shot event detection (ED) has been widely studied, while this brings
noticeable discrepancies, e.g., various motivations, tasks, and experimental
settings, that hinder the understanding of models for future progress.This
paper presents a thorough empirical study, a unified view of ED models, and a
better unified baseline. For fair evaluation, we compare 12 representative
methods on three datasets, which are roughly grouped into prompt-based and
prototype-based models for detailed analysis. Experiments consistently
demonstrate that prompt-based methods, including ChatGPT, still significantly
trail prototype-based methods in terms of overall performance. To investigate
their superior performance, we break down their design elements along several
dimensions and build a unified framework on prototype-based methods. Under such
unified view, each prototype-method can be viewed a combination of different
modules from these design elements. We further combine all advantageous modules
and propose a simple yet effective baseline, which outperforms existing methods
by a large margin (e.g., 2.7% F1 gains under low-resource setting). | cs.CL | Few-shot Event Detection: An Empirical Study and a Unified View |
2023-05-03T04:20:56Z | http://arxiv.org/pdf/2305.03508v1 | http://arxiv.org/abs/2305.03508v1 | Mann Khatri, Pritish Wadhwa, Gitansh Satija, Reshma Sheik, Yaman Kumar, Rajiv Ratn Shah, Ponnurangam Kumaraguru | 2023-05-03T04:20:56Z | cs.CL, cs.LG | In legal document writing, one of the key elements is properly citing the
case laws and other sources to substantiate claims and arguments. Understanding
the legal domain and identifying appropriate citation context or cite-worthy
sentences are challenging tasks that demand expensive manual annotation. The
presence of jargon, language semantics, and high domain specificity makes legal
language complex, making any associated legal task hard for automation. The
current work focuses on the problem of citation-worthiness identification. It
is designed as the initial step in today's citation recommendation systems to
lighten the burden of extracting an adequate set of citation contexts. To
accomplish this, we introduce a labeled dataset of 178M sentences for
citation-worthiness detection in the legal domain from the Caselaw Access
Project (CAP). The performance of various deep learning models was examined on
this novel dataset. The domain-specific pre-trained model tends to outperform
other models, with an 88% F1-score for the citation-worthiness detection task. | cs.CL | CiteCaseLAW: Citation Worthiness Detection in Caselaw for Legal Assistive Writing |
2023-05-03T03:47:00Z | http://arxiv.org/pdf/2305.01879v4 | http://arxiv.org/abs/2305.01879v4 | Peifeng Wang, Zhengyang Wang, Zheng Li, Yifan Gao, Bing Yin, Xiang Ren | 2023-08-30T21:28:01Z | cs.CL | Large language models (LMs) beyond a certain scale, demonstrate the emergent
capability of generating free-text rationales for their predictions via
chain-of-thought (CoT) prompting. While CoT can yield dramatically improved
performance, such gains are only observed for sufficiently large LMs. Even more
concerning, there is little guarantee that the generated rationales are
consistent with LM's predictions or faithfully justify the decisions. In this
work, we propose a faithful knowledge distillation method to learn a small,
self-consistent CoT model from a teacher model that is orders of magnitude
larger. To form better supervision, we elicit rationales supporting the gold
answers from a large LM (teacher) by contrastive decoding, which encourages the
teacher to generate tokens that become more plausible only when the answer is
considered. To ensure faithful distillation, we use the teacher-generated
rationales to learn a student LM with a counterfactual reasoning objective,
which prevents the student from ignoring the rationales to make inconsistent
predictions. Experiments show that, while yielding comparable end-task
performance, our method can generate CoT rationales that are more faithful than
baselines do. Further analysis suggests that such a model respects the
rationales more when making decisions; thus, we can improve its performance
more by refining its rationales. | cs.CL | SCOTT: Self-Consistent Chain-of-Thought Distillation |
2023-05-03T03:36:20Z | http://arxiv.org/pdf/2305.01876v5 | http://arxiv.org/abs/2305.01876v5 | Siyu Yuan, Deqing Yang, Jinxi Liu, Shuyu Tian, Jiaqing Liang, Yanghua Xiao, Rui Xie | 2023-06-10T07:34:27Z | cs.CL, cs.AI | Concepts benefit natural language understanding but are far from complete in
existing knowledge graphs (KGs). Recently, pre-trained language models (PLMs)
have been widely used in text-based concept extraction (CE). However, PLMs tend
to mine the co-occurrence associations from massive corpus as pre-trained
knowledge rather than the real causal effect between tokens. As a result, the
pre-trained knowledge confounds PLMs to extract biased concepts based on
spurious co-occurrence correlations, inevitably resulting in low precision. In
this paper, through the lens of a Structural Causal Model (SCM), we propose
equipping the PLM-based extractor with a knowledge-guided prompt as an
intervention to alleviate concept bias. The prompt adopts the topic of the
given entity from the existing knowledge in KGs to mitigate the spurious
co-occurrence correlations between entities and biased concepts. Our extensive
experiments on representative multilingual KG datasets justify that our
proposed prompt can effectively alleviate concept bias and improve the
performance of PLM-based CE models.The code has been released on
https://github.com/siyuyuan/KPCE. | cs.CL | Causality-aware Concept Extraction based on Knowledge-guided Prompting |
2023-05-03T02:30:13Z | http://arxiv.org/pdf/2305.01863v2 | http://arxiv.org/abs/2305.01863v2 | Eason Chen, Ray Huang, Han-Shin Chen, Yuen-Hsien Tseng, Liang-Yi Li | 2023-06-15T07:06:55Z | cs.HC, cs.AI, cs.CL, cs.SE | Learning new programming skills requires tailored guidance. With the
emergence of advanced Natural Language Generation models like the ChatGPT API,
there is now a possibility of creating a convenient and personalized tutoring
system with AI for computer science education. This paper presents GPTutor, a
ChatGPT-powered programming tool, which is a Visual Studio Code extension using
the ChatGPT API to provide programming code explanations. By integrating Visual
Studio Code API, GPTutor can comprehensively analyze the provided code by
referencing the relevant source codes. As a result, GPTutor can use designed
prompts to explain the selected code with a pop-up message. GPTutor is now
published at the Visual Studio Code Extension Marketplace, and its source code
is openly accessible on GitHub. Preliminary evaluation indicates that GPTutor
delivers the most concise and accurate explanations compared to vanilla ChatGPT
and GitHub Copilot. Moreover, the feedback from students and teachers indicated
that GPTutor is user-friendly and can explain given codes satisfactorily.
Finally, we discuss possible future research directions for GPTutor. This
includes enhancing its performance and personalization via further prompt
programming, as well as evaluating the effectiveness of GPTutor with real
users. | cs.HC | GPTutor: a ChatGPT-powered programming tool for code explanation |
2023-05-03T02:09:29Z | http://arxiv.org/pdf/2305.01860v1 | http://arxiv.org/abs/2305.01860v1 | Xuanang Chen, Ben He, Zheng Ye, Le Sun, Yingfei Sun | 2023-05-03T02:09:29Z | cs.IR, cs.CL | Adversarial attacks have gained traction in order to identify potential
vulnerabilities in neural ranking models (NRMs), but current attack methods
often introduce grammatical errors, nonsensical expressions, or incoherent text
fragments, which can be easily detected. Additionally, current methods rely
heavily on the use of a well-imitated surrogate NRM to guarantee the attack
effect, which makes them difficult to use in practice. To address these issues,
we propose a framework called Imperceptible DocumEnt Manipulation (IDEM) to
produce adversarial documents that are less noticeable to both algorithms and
humans. IDEM instructs a well-established generative language model, such as
BART, to generate connection sentences without introducing easy-to-detect
errors, and employs a separate position-wise merging strategy to balance
relevance and coherence of the perturbed text. Experimental results on the
popular MS MARCO benchmark demonstrate that IDEM can outperform strong
baselines while preserving fluency and correctness of the target documents as
evidenced by automatic and human evaluations. Furthermore, the separation of
adversarial text generation from the surrogate NRM makes IDEM more robust and
less affected by the quality of the surrogate NRM. | cs.IR | Towards Imperceptible Document Manipulations against Neural Ranking Models |
2023-05-03T00:37:06Z | http://arxiv.org/pdf/2305.03497v1 | http://arxiv.org/abs/2305.03497v1 | Davut Emre Tasar, Ceren Ocal Tasar | 2023-05-03T00:37:06Z | cs.CL, cs.AI, cs.CR | With the increasing use of cloud-based services for training and deploying
machine learning models, data privacy has become a major concern. This is
particularly important for natural language processing (NLP) models, which
often process sensitive information such as personal communications and
confidential documents. In this study, we propose a method for training NLP
models on encrypted text data to mitigate data privacy concerns while
maintaining similar performance to models trained on non-encrypted data. We
demonstrate our method using two different architectures, namely
Doc2Vec+XGBoost and Doc2Vec+LSTM, and evaluate the models on the 20 Newsgroups
dataset. Our results indicate that both encrypted and non-encrypted models
achieve comparable performance, suggesting that our encryption method is
effective in preserving data privacy without sacrificing model accuracy. In
order to replicate our experiments, we have provided a Colab notebook at the
following address: https://t.ly/lR-TP | cs.CL | Training Natural Language Processing Models on Encrypted Text for Enhanced Privacy |
2023-05-02T22:40:41Z | http://arxiv.org/pdf/2305.01812v1 | http://arxiv.org/abs/2305.01812v1 | Neeraj Varshney, Chitta Baral | 2023-05-02T22:40:41Z | cs.CL | Despite remarkable progress made in natural language processing, even the
state-of-the-art models often make incorrect predictions. Such predictions
hamper the reliability of systems and limit their widespread adoption in
real-world applications. 'Selective prediction' partly addresses the above
concern by enabling models to abstain from answering when their predictions are
likely to be incorrect. While selective prediction is advantageous, it leaves
us with a pertinent question 'what to do after abstention'. To this end, we
present an explorative study on 'Post-Abstention', a task that allows
re-attempting the abstained instances with the aim of increasing 'coverage' of
the system without significantly sacrificing its 'accuracy'. We first provide
mathematical formulation of this task and then explore several methods to solve
it. Comprehensive experiments on 11 QA datasets show that these methods lead to
considerable risk improvements -- performance metric of the Post-Abstention
task -- both in the in-domain and the out-of-domain settings. We also conduct a
thorough analysis of these results which further leads to several interesting
findings. Finally, we believe that our work will encourage and facilitate
further research in this important area of addressing the reliability of NLP
systems. | cs.CL | Post-Abstention: Towards Reliably Re-Attempting the Abstained Instances in QA |
2023-05-02T22:28:26Z | http://arxiv.org/pdf/2305.01810v1 | http://arxiv.org/abs/2305.01810v1 | Yichuan Li, Jialong Han, Kyumin Lee, Chengyuan Ma, Benjamin Yao, Derek Liu | 2023-05-02T22:28:26Z | cs.CL, cs.AI | In recent years, Pre-trained Language Models (PLMs) have shown their
superiority by pre-training on unstructured text corpus and then fine-tuning on
downstream tasks. On entity-rich textual resources like Wikipedia,
Knowledge-Enhanced PLMs (KEPLMs) incorporate the interactions between tokens
and mentioned entities in pre-training, and are thus more effective on
entity-centric tasks such as entity linking and relation classification.
Although exploiting Wikipedia's rich structures to some extent, conventional
KEPLMs still neglect a unique layout of the corpus where each Wikipedia page is
around a topic entity (identified by the page URL and shown in the page title).
In this paper, we demonstrate that KEPLMs without incorporating the topic
entities will lead to insufficient entity interaction and biased (relation)
word semantics. We thus propose KEPLET, a novel Knowledge-Enhanced Pre-trained
LanguagE model with Topic entity awareness. In an end-to-end manner, KEPLET
identifies where to add the topic entity's information in a Wikipedia sentence,
fuses such information into token and mentioned entities representations, and
supervises the network learning, through which it takes topic entities back
into consideration. Experiments demonstrated the generality and superiority of
KEPLET which was applied to two representative KEPLMs, achieving significant
improvements on four entity-centric tasks. | cs.CL | KEPLET: Knowledge-Enhanced Pretrained Language Model with Topic Entity Awareness |
2023-05-02T21:46:44Z | http://arxiv.org/pdf/2305.01795v1 | http://arxiv.org/abs/2305.01795v1 | Yujie Lu, Pan Lu, Zhiyu Chen, Wanrong Zhu, Xin Eric Wang, William Yang Wang | 2023-05-02T21:46:44Z | cs.CL | Embodied agents have achieved prominent performance in following human
instructions to complete tasks. However, the potential of providing
instructions informed by texts and images to assist humans in completing tasks
remains underexplored. To uncover this capability, we present the multimodal
procedural planning (MPP) task, in which models are given a high-level goal and
generate plans of paired text-image steps, providing more complementary and
informative guidance than unimodal plans. The key challenges of MPP are to
ensure the informativeness, temporal coherence,and accuracy of plans across
modalities. To tackle this, we propose Text-Image Prompting (TIP), a
dual-modality prompting method that jointly leverages zero-shot reasoning
ability in large language models (LLMs) and compelling text-to-image generation
ability from diffusion-based models. TIP improves the interaction in the dual
modalities using Text-to-Image Bridge and Image-to-Text Bridge, allowing LLMs
to guide the textual-grounded image plan generation and leveraging the
descriptions of image plans to ground the textual plan reversely. To address
the lack of relevant datasets, we collect WIKIPLAN and RECIPEPLAN as a testbed
for MPP. Our results show compelling human preferences and automatic scores
against unimodal and multimodal baselines on WIKIPLAN and RECIPEPLAN in terms
of informativeness, temporal coherence, and plan accuracy. Our code and data:
https://github.com/YujieLu10/MPP. | cs.CL | Multimodal Procedural Planning via Dual Text-Image Prompting |
2023-05-02T21:33:10Z | http://arxiv.org/pdf/2305.01788v3 | http://arxiv.org/abs/2305.01788v3 | Sunjae Kwon, Rishabh Garodia, Minhwa Lee, Zhichao Yang, Hong Yu | 2023-07-24T00:54:51Z | cs.CL, cs.AI, cs.CV | Visual Word Sense Disambiguation (VWSD) is a task to find the image that most
accurately depicts the correct sense of the target word for the given context.
Previously, image-text matching models often suffered from recognizing
polysemous words. This paper introduces an unsupervised VWSD approach that uses
gloss information of an external lexical knowledge-base, especially the sense
definitions. Specifically, we suggest employing Bayesian inference to
incorporate the sense definitions when sense information of the answer is not
provided. In addition, to ameliorate the out-of-dictionary (OOD) issue, we
propose a context-aware definition generation with GPT-3. Experimental results
show that the VWSD performance significantly increased with our Bayesian
inference-based approach. In addition, our context-aware definition generation
achieved prominent performance improvement in OOD examples exhibiting better
performance than the existing definition generation method. | cs.CL | Vision Meets Definitions: Unsupervised Visual Word Sense Disambiguation Incorporating Gloss Information |
2023-05-02T21:01:01Z | http://arxiv.org/pdf/2305.02783v4 | http://arxiv.org/abs/2305.02783v4 | Saurabh Pujar, Luca Buratti, Xiaojie Guo, Nicolas Dupuis, Burn Lewis, Sahil Suneja, Atin Sood, Ganesh Nalawade, Matthew Jones, Alessandro Morari, Ruchir Puri | 2023-05-23T15:45:42Z | cs.SE, cs.AI, cs.CL, cs.PL | The recent improvement in code generation capabilities due to the use of
large language models has mainly benefited general purpose programming
languages. Domain specific languages, such as the ones used for IT Automation,
have received far less attention, despite involving many active developers and
being an essential component of modern cloud platforms. This work focuses on
the generation of Ansible-YAML, a widely used markup language for IT
Automation. We present Ansible Wisdom, a natural-language to Ansible-YAML code
generation tool, aimed at improving IT automation productivity. Ansible Wisdom
is a transformer-based model, extended by training with a new dataset
containing Ansible-YAML. We also develop two novel performance metrics for YAML
and Ansible to capture the specific characteristics of this domain. Results
show that Ansible Wisdom can accurately generate Ansible script from natural
language prompts with performance comparable or better than existing state of
the art code generation models. In few-shot settings we asses the impact of
training with Ansible, YAML data and compare with different baselines including
Codex-Davinci-002. We also show that after finetuning, our Ansible specific
model (BLEU: 66.67) can outperform a much larger Codex-Davinci-002 (BLEU: 50.4)
model, which was evaluated in few shot settings. | cs.SE | Automated Code generation for Information Technology Tasks in YAML through Large Language Models |
2023-05-02T20:41:59Z | http://arxiv.org/pdf/2305.01778v1 | http://arxiv.org/abs/2305.01778v1 | Biao Zhang, Mathias Müller, Rico Sennrich | 2023-05-02T20:41:59Z | cs.CL, cs.CV | Despite recent successes with neural models for sign language translation
(SLT), translation quality still lags behind spoken languages because of the
data scarcity and modality gap between sign video and text. To address both
problems, we investigate strategies for cross-modality representation sharing
for SLT. We propose SLTUNET, a simple unified neural model designed to support
multiple SLTrelated tasks jointly, such as sign-to-gloss, gloss-to-text and
sign-to-text translation. Jointly modeling different tasks endows SLTUNET with
the capability to explore the cross-task relatedness that could help narrow the
modality gap. In addition, this allows us to leverage the knowledge from
external resources, such as abundant parallel data used for spoken-language
machine translation (MT). We show in experiments that SLTUNET achieves
competitive and even state-of-the-art performance on PHOENIX-2014T and
CSL-Daily when augmented with MT data and equipped with a set of optimization
techniques. We further use the DGS Corpus for end-to-end SLT for the first
time. It covers broader domains with a significantly larger vocabulary, which
is more challenging and which we consider to allow for a more realistic
assessment of the current state of SLT than the former two. Still, SLTUNET
obtains improved results on the DGS Corpus. Code is available at
https://github.com/bzhangGo/sltunet. | cs.CL | SLTUNET: A Simple Unified Model for Sign Language Translation |
2023-05-02T20:06:00Z | http://arxiv.org/pdf/2305.01764v1 | http://arxiv.org/abs/2305.01764v1 | Zhiheng Lyu, Zhijing Jin, Justus Mattern, Rada Mihalcea, Mrinmaya Sachan, Bernhard Schoelkopf | 2023-05-02T20:06:00Z | cs.CL, cs.AI, cs.LG, stat.ME | NLP datasets are richer than just input-output pairs; rather, they carry
causal relations between the input and output variables. In this work, we take
sentiment classification as an example and look into the causal relations
between the review (X) and sentiment (Y). As psychology studies show that
language can affect emotion, different psychological processes are evoked when
a person first makes a rating and then self-rationalizes their feeling in a
review (where the sentiment causes the review, i.e., Y -> X), versus first
describes their experience, and weighs the pros and cons to give a final rating
(where the review causes the sentiment, i.e., X -> Y ). Furthermore, it is also
a completely different psychological process if an annotator infers the
original rating of the user by theory of mind (ToM) (where the review causes
the rating, i.e., X -ToM-> Y ). In this paper, we verbalize these three causal
mechanisms of human psychological processes of sentiment classification into
three different causal prompts, and study (1) how differently they perform, and
(2) what nature of sentiment classification data leads to agreement or
diversity in the model responses elicited by the prompts. We suggest future
work raise awareness of different causal structures in NLP tasks. Our code and
data are at https://github.com/cogito233/psych-causal-prompt | cs.CL | Psychologically-Inspired Causal Prompts |
2023-05-02T19:31:55Z | http://arxiv.org/pdf/2305.01750v2 | http://arxiv.org/abs/2305.01750v2 | Tianle Li, Xueguang Ma, Alex Zhuang, Yu Gu, Yu Su, Wenhu Chen | 2023-05-04T14:50:38Z | cs.CL, cs.AI | Question answering over knowledge bases is considered a difficult problem due
to the challenge of generalizing to a wide variety of possible natural language
questions. Additionally, the heterogeneity of knowledge base schema items
between different knowledge bases often necessitates specialized training for
different knowledge base question-answering (KBQA) datasets. To handle
questions over diverse KBQA datasets with a unified training-free framework, we
propose KB-BINDER, which for the first time enables few-shot in-context
learning over KBQA tasks. Firstly, KB-BINDER leverages large language models
like Codex to generate logical forms as the draft for a specific question by
imitating a few demonstrations. Secondly, KB-BINDER grounds on the knowledge
base to bind the generated draft to an executable one with BM25 score matching.
The experimental results on four public heterogeneous KBQA datasets show that
KB-BINDER can achieve a strong performance with only a few in-context
demonstrations. Especially on GraphQA and 3-hop MetaQA, KB-BINDER can even
outperform the state-of-the-art trained models. On GrailQA and WebQSP, our
model is also on par with other fully-trained models. We believe KB-BINDER can
serve as an important baseline for future research. Our code is available at
https://github.com/ltl3A87/KB-BINDER. | cs.CL | Few-shot In-context Learning for Knowledge Base Question Answering |
2023-05-02T19:09:16Z | http://arxiv.org/pdf/2305.01735v2 | http://arxiv.org/abs/2305.01735v2 | Haopeng Zhang, Xiao Liu, Jiawei Zhang | 2023-05-11T06:57:44Z | cs.CL | Extractive summarization aims to form a summary by directly extracting
sentences from the source document. Existing works mostly formulate it as a
sequence labeling problem by making individual sentence label predictions. This
paper proposes DiffuSum, a novel paradigm for extractive summarization, by
directly generating the desired summary sentence representations with diffusion
models and extracting sentences based on sentence representation matching. In
addition, DiffuSum jointly optimizes a contrastive sentence encoder with a
matching loss for sentence representation alignment and a multi-class
contrastive loss for representation diversity. Experimental results show that
DiffuSum achieves the new state-of-the-art extractive results on CNN/DailyMail
with ROUGE scores of $44.83/22.56/40.56$. Experiments on the other two datasets
with different summary lengths also demonstrate the effectiveness of DiffuSum.
The strong performance of our framework shows the great potential of adapting
generative models for extractive summarization. To encourage more following
work in the future, we have released our codes at
\url{https://github.com/hpzhang94/DiffuSum} | cs.CL | DiffuSum: Generation Enhanced Extractive Summarization with Diffusion |
2023-05-02T18:49:12Z | http://arxiv.org/pdf/2305.01723v2 | http://arxiv.org/abs/2305.01723v2 | Michael Burnham | 2024-05-03T20:03:42Z | cs.CL | Stance detection is identifying expressed beliefs in a document. While
researchers widely use sentiment analysis for this, recent research
demonstrates that sentiment and stance are distinct. This paper advances text
analysis methods by precisely defining stance detection and presenting three
distinct approaches: supervised classification, natural language inference, and
in-context learning with generative language models. I discuss how document
context and trade-offs between resources and workload should inform your
methods. For all three approaches I provide guidance on application and
validation techniques, as well as coding tutorials for implementation. Finally,
I demonstrate how newer classification approaches can replicate supervised
classifiers. | cs.CL | Stance Detection: A Practical Guide to Classifying Political Beliefs in Text |
2023-05-02T18:27:13Z | http://arxiv.org/pdf/2305.01713v3 | http://arxiv.org/abs/2305.01713v3 | Yingji Zhang, Danilo S. Carvalho, André Freitas | 2024-06-11T17:29:22Z | cs.CL, cs.AI | Disentangled latent spaces usually have better semantic separability and
geometrical properties, which leads to better interpretability and more
controllable data generation. While this has been well investigated in Computer
Vision, in tasks such as image disentanglement, in the NLP domain sentence
disentanglement is still comparatively under-investigated. Most previous work
have concentrated on disentangling task-specific generative factors, such as
sentiment, within the context of style transfer. In this work, we focus on a
more general form of sentence disentanglement, targeting the localised
modification and control of more general sentence semantic features. To achieve
this, we contribute to a novel notion of sentence semantic disentanglement and
introduce a flow-based invertible neural network (INN) mechanism integrated
with a transformer-based language Autoencoder (AE) in order to deliver latent
spaces with better separability properties. Experimental results demonstrate
that the model can conform the distributed latent space into a better
semantically disentangled sentence space, leading to improved language
interpretability and controlled generation when compared to the recent
state-of-the-art language VAE models. | cs.CL | Learning Disentangled Semantic Spaces of Explanations via Invertible Neural Networks |
2023-05-02T18:25:30Z | http://arxiv.org/pdf/2305.01711v4 | http://arxiv.org/abs/2305.01711v4 | Zhengxiang Shi, Aldo Lipani | 2023-10-06T17:47:07Z | cs.CL | Language models (LMs) trained on vast quantities of unlabelled data have
greatly advanced the field of natural language processing (NLP). In this study,
we re-visit the widely accepted notion in NLP that continued pre-training LMs
on task-related texts improves the performance of fine-tuning (FT) in
downstream tasks. Through experiments on eight single-sentence tasks and eight
sentence-pair tasks in both semi-supervised and fully-supervised settings, we
find that conventional continued pre-training does not consistently provide
benefits and can even be detrimental for sentence-pair tasks or when
prompt-based FT is used. To tackle these issues, we propose Prompt-based
Continued Pre-training (PCP), which combines the idea of instruction tuning
with conventional continued pre-training. Our approach aims to improve the
performance of prompt-based FT by presenting both task-related texts and prompt
templates to LMs through unsupervised pre-training objectives before
fine-tuning for the target task. Our empirical evaluations on 21 benchmarks
demonstrate that the PCP consistently improves the performance of
state-of-the-art prompt-based FT approaches (up to 20.1% absolute) in both
semi-supervised and fully-supervised settings, even with only hundreds of
unlabelled examples. Additionally, prompt-based FT with the PCP outperforms
state-of-the-art semi-supervised approaches with greater simplicity,
eliminating the need for an iterative process and extra data augmentation. Our
further analysis explores the performance lower bound of the PCP and reveals
that the advantages of PCP persist across different sizes of models and
datasets. | cs.CL | Don't Stop Pretraining? Make Prompt-based Fine-tuning Powerful Learner |
2023-05-02T18:23:50Z | http://arxiv.org/pdf/2305.01710v2 | http://arxiv.org/abs/2305.01710v2 | Wenchang Li, Yixing Chen, Shuang Zheng, Lei Wang, John P. Lalor | 2024-02-01T17:57:37Z | cs.CL | Data for the Rating Prediction (RP) sentiment analysis task such as star
reviews are readily available. However, data for aspect-category detection
(ACD) and aspect-category sentiment analysis (ACSA) is often desired because of
the fine-grained nature but are expensive to collect. In this work, we propose
Unified Sentiment Analysis (Uni-SA) to understand aspect and review sentiment
in a unified manner. Specifically, we propose a Distantly Supervised Pyramid
Network (DSPN) to efficiently perform ACD, ACSA, and RP using only RP labels
for training. We evaluate DSPN on multi-aspect review datasets in English and
Chinese and find that in addition to the internal efficiency of sample size,
DSPN also performs comparably well to a variety of benchmark models. We also
demonstrate the interpretability of DSPN's outputs on reviews to show the
pyramid structure inherent in unified sentiment analysis. | cs.CL | Stars Are All You Need: A Distantly Supervised Pyramid Network for Unified Sentiment Analysis |
2023-05-02T17:59:46Z | http://arxiv.org/pdf/2305.01651v1 | http://arxiv.org/abs/2305.01651v1 | Yasumasa Onoe, Michael J. Q. Zhang, Shankar Padmanabhan, Greg Durrett, Eunsol Choi | 2023-05-02T17:59:46Z | cs.CL | Pre-trained language models (LMs) are used for knowledge intensive tasks like
question answering, but their knowledge gets continuously outdated as the world
changes. Prior work has studied targeted updates to LMs, injecting individual
facts and evaluating whether the model learns these facts while not changing
predictions on other contexts. We take a step forward and study LMs' abilities
to make inferences based on injected facts (or propagate those facts): for
example, after learning that something is a TV show, does an LM predict that
you can watch it? We study this with two cloze-style tasks: an existing dataset
of real-world sentences about novel entities (ECBD) as well as a new controlled
benchmark with manually designed templates requiring varying levels of
inference about injected knowledge. Surprisingly, we find that existing methods
for updating knowledge (gradient-based fine-tuning and modifications of this
approach) show little propagation of injected knowledge. These methods improve
performance on cloze instances only when there is lexical overlap between
injected facts and target inferences. Yet, prepending entity definitions in an
LM's context improves performance across all settings, suggesting that there is
substantial headroom for parameter-updating approaches for knowledge injection. | cs.CL | Can LMs Learn New Entities from Descriptions? Challenges in Propagating Injected Knowledge |
2023-05-02T17:56:16Z | http://arxiv.org/pdf/2305.01645v3 | http://arxiv.org/abs/2305.01645v3 | Junmo Kang, Wei Xu, Alan Ritter | 2023-07-05T20:41:59Z | cs.CL | Fine-tuning large models is highly effective, however, inference can be
expensive and produces carbon emissions. Knowledge distillation has been shown
to be a practical solution to reduce inference costs, but the distillation
process itself requires significant computational resources. Rather than buying
or renting GPUs to fine-tune, then distill a large model, an NLP practitioner
might instead choose to allocate the available budget to hire annotators and
manually label additional fine-tuning data. In this paper, we investigate how
to most efficiently use a fixed budget to build a compact model. Through
extensive experiments on six diverse tasks, we show that distilling from T5-XXL
(11B) to T5-Small (60M) is almost always a cost-efficient strategy compared to
annotating more data to directly train a compact model (T5-Small). We further
investigate how the optimal budget allocated towards computation varies across
scenarios. We will make our code, datasets, annotation cost estimates, and
baseline models available as a benchmark to support further work on
cost-efficient training of compact models. | cs.CL | Distill or Annotate? Cost-Efficient Fine-Tuning of Compact Models |
2023-05-02T17:52:41Z | http://arxiv.org/pdf/2305.00976v2 | http://arxiv.org/abs/2305.00976v2 | Mathis Petrovich, Michael J. Black, Gül Varol | 2023-08-25T09:35:46Z | cs.CV, cs.CL | In this paper, we present TMR, a simple yet effective approach for text to 3D
human motion retrieval. While previous work has only treated retrieval as a
proxy evaluation metric, we tackle it as a standalone task. Our method extends
the state-of-the-art text-to-motion synthesis model TEMOS, and incorporates a
contrastive loss to better structure the cross-modal latent space. We show that
maintaining the motion generation loss, along with the contrastive training, is
crucial to obtain good performance. We introduce a benchmark for evaluation and
provide an in-depth analysis by reporting results on several protocols. Our
extensive experiments on the KIT-ML and HumanML3D datasets show that TMR
outperforms the prior work by a significant margin, for example reducing the
median rank from 54 to 19. Finally, we showcase the potential of our approach
on moment retrieval. Our code and models are publicly available at
https://mathis.petrovich.fr/tmr. | cs.CV | TMR: Text-to-Motion Retrieval Using Contrastive 3D Human Motion Synthesis |
2023-05-02T17:46:12Z | http://arxiv.org/pdf/2305.01633v2 | http://arxiv.org/abs/2305.01633v2 | Anya Belz, Craig Thomson, Ehud Reiter, Gavin Abercrombie, Jose M. Alonso-Moral, Mohammad Arvan, Anouck Braggaar, Mark Cieliebak, Elizabeth Clark, Kees van Deemter, Tanvi Dinkar, Ondřej Dušek, Steffen Eger, Qixiang Fang, Mingqi Gao, Albert Gatt, Dimitra Gkatzia, Javier González-Corbelle, Dirk Hovy, Manuela Hürlimann, Takumi Ito, John D. Kelleher, Filip Klubicka, Emiel Krahmer, Huiyuan Lai, Chris van der Lee, Yiru Li, Saad Mahamood, Margot Mieskes, Emiel van Miltenburg, Pablo Mosteiro, Malvina Nissim, Natalie Parde, Ondřej Plátek, Verena Rieser, Jie Ruan, Joel Tetreault, Antonio Toral, Xiaojun Wan, Leo Wanner, Lewis Watson, Diyi Yang | 2023-08-07T09:54:55Z | cs.CL, 68, I.2.7 | We report our efforts in identifying a set of previous human evaluations in
NLP that would be suitable for a coordinated study examining what makes human
evaluations in NLP more/less reproducible. We present our results and findings,
which include that just 13\% of papers had (i) sufficiently low barriers to
reproduction, and (ii) enough obtainable information, to be considered for
reproduction, and that all but one of the experiments we selected for
reproduction was discovered to have flaws that made the meaningfulness of
conducting a reproduction questionable. As a result, we had to change our
coordinated study design from a reproduce approach to a
standardise-then-reproduce-twice approach. Our overall (negative) finding that
the great majority of human evaluations in NLP is not repeatable and/or not
reproducible and/or too flawed to justify reproduction, paints a dire picture,
but presents an opportunity for a rethink about how to design and report human
evaluations in NLP. | cs.CL | Missing Information, Unresponsive Authors, Experimental Flaws: The Impossibility of Assessing the Reproducibility of Previous Human Evaluations in NLP |
2023-05-02T17:42:37Z | http://arxiv.org/pdf/2305.01628v1 | http://arxiv.org/abs/2305.01628v1 | Ariel Gera, Roni Friedman, Ofir Arviv, Chulaka Gunasekara, Benjamin Sznajder, Noam Slonim, Eyal Shnarch | 2023-05-02T17:42:37Z | cs.CL, cs.LG | Applying language models to natural language processing tasks typically
relies on the representations in the final model layer, as intermediate hidden
layer representations are presumed to be less informative. In this work, we
argue that due to the gradual improvement across model layers, additional
information can be gleaned from the contrast between higher and lower layers
during inference. Specifically, in choosing between the probable next token
predictions of a generative model, the predictions of lower layers can be used
to highlight which candidates are best avoided. We propose a novel approach
that utilizes the contrast between layers to improve text generation outputs,
and show that it mitigates degenerative behaviors of the model in open-ended
generation, significantly improving the quality of generated texts.
Furthermore, our results indicate that contrasting between model layers at
inference time can yield substantial benefits to certain aspects of general
language model capabilities, more effectively extracting knowledge during
inference from a given set of model parameters. | cs.CL | The Benefits of Bad Advice: Autocontrastive Decoding across Model Layers |
2023-05-02T17:38:21Z | http://arxiv.org/pdf/2305.01626v1 | http://arxiv.org/abs/2305.01626v1 | Gašper Beguš, Thomas Lu, Zili Wang | 2023-05-02T17:38:21Z | cs.CL, cs.AI, cs.SD, eess.AS | Computational models of syntax are predominantly text-based. Here we propose
that basic syntax can be modeled directly from raw speech in a fully
unsupervised way. We focus on one of the most ubiquitous and basic properties
of syntax -- concatenation. We introduce spontaneous concatenation: a
phenomenon where convolutional neural networks (CNNs) trained on acoustic
recordings of individual words start generating outputs with two or even three
words concatenated without ever accessing data with multiple words in the
input. Additionally, networks trained on two words learn to embed words into
novel unobserved word combinations. To our knowledge, this is a previously
unreported property of CNNs trained on raw speech in the Generative Adversarial
Network setting and has implications both for our understanding of how these
architectures learn as well as for modeling syntax and its evolution from raw
acoustic inputs. | cs.CL | Basic syntax from speech: Spontaneous concatenation in unsupervised deep neural networks |
2023-05-02T17:35:08Z | http://arxiv.org/pdf/2305.01625v3 | http://arxiv.org/abs/2305.01625v3 | Amanda Bertsch, Uri Alon, Graham Neubig, Matthew R. Gormley | 2023-10-30T19:44:47Z | cs.CL | Since the proposal of transformers, these models have been limited to bounded
input lengths, because of their need to attend to every token in the input. In
this work, we propose Unlimiformer: a general approach that wraps any existing
pretrained encoder-decoder transformer, and offloads the cross-attention
computation to a single k-nearest-neighbor (kNN) index, while the returned kNN
distances are the attention dot-product scores. This kNN index can be kept on
either the GPU or CPU memory and queried in sub-linear time; this way, we can
index practically unlimited input sequences, while every attention head in
every decoder layer retrieves its top-k keys, instead of attending to every
key. We evaluate Unlimiformer on several long-document and book-summarization
benchmarks, showing that it can process even 500k token-long inputs from the
BookSum dataset, without any input truncation at test time. We demonstrate that
Unlimiformer improves pretrained models such as BART and Longformer by
extending them to unlimited inputs without additional learned weights and
without modifying their code. We make our code and models publicly available at
https://github.com/abertsch72/unlimiformer . | cs.CL | Unlimiformer: Long-Range Transformers with Unlimited Length Input |
2023-05-02T17:33:28Z | http://arxiv.org/pdf/2305.01624v2 | http://arxiv.org/abs/2305.01624v2 | Deming Ye, Yankai Lin, Zhengyan Zhang, Maosong Sun | 2023-05-05T13:52:58Z | cs.CL | Recent research demonstrates that external knowledge injection can advance
pre-trained language models (PLMs) in a variety of downstream NLP tasks.
However, existing knowledge injection methods are either applicable to
structured knowledge or unstructured knowledge, lacking a unified usage. In
this paper, we propose a UNified knowledge inTERface, UNTER, to provide a
unified perspective to exploit both structured knowledge and unstructured
knowledge. In UNTER, we adopt the decoder as a unified knowledge interface,
aligning span representations obtained from the encoder with their
corresponding knowledge. This approach enables the encoder to uniformly invoke
span-related knowledge from its parameters for downstream applications.
Experimental results show that, with both forms of knowledge injected, UNTER
gains continuous improvements on a series of knowledge-driven NLP tasks,
including entity typing, named entity recognition and relation extraction,
especially in low-resource scenarios. | cs.CL | UNTER: A Unified Knowledge Interface for Enhancing Pre-trained Language Models |
2023-05-02T17:25:19Z | http://arxiv.org/pdf/2305.01620v2 | http://arxiv.org/abs/2305.01620v2 | Siddhant Arora, Hayato Futami, Shih-Lun Wu, Jessica Huynh, Yifan Peng, Yosuke Kashiwagi, Emiru Tsunoo, Brian Yan, Shinji Watanabe | 2023-05-06T16:35:31Z | cs.CL, cs.SD, eess.AS | Recently there have been efforts to introduce new benchmark tasks for spoken
language understanding (SLU), like semantic parsing. In this paper, we describe
our proposed spoken semantic parsing system for the quality track (Track 1) in
Spoken Language Understanding Grand Challenge which is part of ICASSP Signal
Processing Grand Challenge 2023. We experiment with both end-to-end and
pipeline systems for this task. Strong automatic speech recognition (ASR)
models like Whisper and pretrained Language models (LM) like BART are utilized
inside our SLU framework to boost performance. We also investigate the output
level combination of various models to get an exact match accuracy of 80.8,
which won the 1st place at the challenge. | cs.CL | A Study on the Integration of Pipeline and E2E SLU systems for Spoken Semantic Parsing toward STOP Quality Challenge |
2023-05-02T17:17:56Z | http://arxiv.org/pdf/2305.01616v1 | http://arxiv.org/abs/2305.01616v1 | Xiang Li, Xin Jiang, Xuying Meng, Aixin Sun, Yequan Wang | 2023-05-02T17:17:56Z | cs.CL, cs.AI | Pre-trained language models (PLMs) have achieved remarkable success in NLP
tasks. Despite the great success, mainstream solutions largely follow the
pre-training then finetuning paradigm, which brings in both high deployment
costs and low training efficiency. Nevertheless, fine-tuning on a specific task
is essential because PLMs are only pre-trained with language signal from large
raw data. In this paper, we propose a novel fine-tuning-free strategy for
language models, to consider both language signal and teacher signal. Teacher
signal is an abstraction of a battery of downstream tasks, provided in a
unified proposition format. Trained with both language and strong task-aware
teacher signals in an interactive manner, our FreeLM model demonstrates strong
generalization and robustness. FreeLM outperforms large models e.g., GPT-3 and
InstructGPT, on a range of language understanding tasks in experiments. FreeLM
is much smaller with 0.3B parameters, compared to 175B in these models. | cs.CL | FreeLM: Fine-Tuning-Free Language Model |
2023-05-02T16:28:10Z | http://arxiv.org/pdf/2305.01579v3 | http://arxiv.org/abs/2305.01579v3 | Giwon Hong, Jeonghwan Kim, Junmo Kang, Sung-Hyon Myaeng, Joyce Jiyoung Whang | 2024-06-09T23:42:48Z | cs.CL, cs.AI | Most existing retrieval-augmented language models (LMs) assume a naive
dichotomy within a retrieved document set: query-relevance and irrelevance. Our
work investigates a more challenging scenario in which even the "relevant"
documents may contain misleading or incorrect information, causing conflict
among the retrieved documents and thereby negatively influencing model
decisions as noise. We observe that existing LMs are highly brittle to the
presence of conflicting information in both the fine-tuning and in-context
few-shot learning scenarios. We propose approaches for handling knowledge
conflicts among retrieved documents by explicitly fine-tuning a discriminator
or prompting GPT-3.5 to elicit its discriminative capability. Our empirical
results on open-domain QA show that these approaches significantly enhance
model robustness. We also provide our findings on incorporating the fine-tuned
discriminator's decision into the in-context learning process, proposing a way
to exploit the benefits of two disparate learning schemes. Alongside our
findings, we provide MacNoise, a machine-generated, conflict-induced dataset to
further encourage research in this direction. | cs.CL | Why So Gullible? Enhancing the Robustness of Retrieval-Augmented Models against Counterfactual Noise |
2023-05-02T16:27:18Z | http://arxiv.org/pdf/2305.01578v1 | http://arxiv.org/abs/2305.01578v1 | Arsenii Gorin, Cem Subakan, Sajjad Abdoli, Junhao Wang, Samantha Latremouille, Charles Onu | 2023-05-02T16:27:18Z | cs.SD, cs.AI, cs.CL, eess.AS | In this paper, we explore self-supervised learning (SSL) for analyzing a
first-of-its-kind database of cry recordings containing clinical indications of
more than a thousand newborns. Specifically, we target cry-based detection of
neurological injury as well as identification of cry triggers such as pain,
hunger, and discomfort. Annotating a large database in the medical setting is
expensive and time-consuming, typically requiring the collaboration of several
experts over years. Leveraging large amounts of unlabeled audio data to learn
useful representations can lower the cost of building robust models and,
ultimately, clinical solutions. In this work, we experiment with
self-supervised pre-training of a convolutional neural network on large audio
datasets. We show that pre-training with SSL contrastive loss (SimCLR) performs
significantly better than supervised pre-training for both neuro injury and cry
triggers. In addition, we demonstrate further performance gains through
SSL-based domain adaptation using unlabeled infant cries. We also show that
using such SSL-based pre-training for adaptation to cry sounds decreases the
need for labeled data of the overall system. | cs.SD | Self-supervised learning for infant cry analysis |
2023-05-02T16:03:54Z | http://arxiv.org/pdf/2305.01561v1 | http://arxiv.org/abs/2305.01561v1 | Zhishuo Zhang, Chengxiang Tan, Xueyan Zhao, Min Yang, Chaoqun Jiang | 2023-05-02T16:03:54Z | cs.CL | Cross-lingual and cross-domain knowledge alignment without sufficient
external resources is a fundamental and crucial task for fusing irregular data.
As the element-wise fusion process aiming to discover equivalent objects from
different knowledge graphs (KGs), entity alignment (EA) has been attracting
great interest from industry and academic research recent years. Most of
existing EA methods usually explore the correlation between entities and
relations through neighbor nodes, structural information and external
resources. However, the complex intrinsic interactions among triple elements
and role information are rarely modeled in these methods, which may lead to the
inadequate illustration for triple. In addition, external resources are usually
unavailable in some scenarios especially cross-lingual and cross-domain
applications, which reflects the little scalability of these methods. To tackle
the above insufficiency, a novel universal EA framework (OTIEA) based on
ontology pair and role enhancement mechanism via triple-aware attention is
proposed in this paper without introducing external resources. Specifically, an
ontology-enhanced triple encoder is designed via mining intrinsic correlations
and ontology pair information instead of independent elements. In addition, the
EA-oriented representations can be obtained in triple-aware entity decoder by
fusing role diversity. Finally, a bidirectional iterative alignment strategy is
deployed to expand seed entity pairs. The experimental results on three
real-world datasets show that our framework achieves a competitive performance
compared with baselines. | cs.CL | OTIEA:Ontology-enhanced Triple Intrinsic-Correlation for Cross-lingual Entity Alignment |
2023-05-02T15:56:11Z | http://arxiv.org/pdf/2305.01556v1 | http://arxiv.org/abs/2305.01556v1 | Zhishuo Zhang, Chengxiang Tan, Haihang Wang, Xueyan Zhao, Min Yang | 2023-05-02T15:56:11Z | cs.CL, cs.AI | Entity alignment(EA) is a crucial task for integrating cross-lingual and
cross-domain knowledge graphs(KGs), which aims to discover entities referring
to the same real-world object from different KGs. Most existing methods
generate aligning entity representation by mining the relevance of triple
elements via embedding-based methods, paying little attention to triple
indivisibility and entity role diversity. In this paper, a novel framework
named TTEA -- Type-enhanced Ensemble Triple Representation via Triple-aware
Attention for Cross-lingual Entity Alignment is proposed to overcome the above
issues considering ensemble triple specificity and entity role features.
Specifically, the ensemble triple representation is derived by regarding
relation as information carrier between semantic space and type space, and
hence the noise influence during spatial transformation and information
propagation can be smoothly controlled via specificity-aware triple attention.
Moreover, our framework uses triple-ware entity enhancement to model the role
diversity of triple elements. Extensive experiments on three real-world
cross-lingual datasets demonstrate that our framework outperforms
state-of-the-art methods. | cs.CL | Type-enhanced Ensemble Triple Representation via Triple-aware Attention for Cross-lingual Entity Alignment |
2023-05-02T15:55:41Z | http://arxiv.org/pdf/2305.01555v4 | http://arxiv.org/abs/2305.01555v4 | Xin Xu, Yuqi Zhu, Xiaohan Wang, Ningyu Zhang | 2023-06-09T15:59:18Z | cs.CL, cs.AI, cs.DB, cs.IR, cs.LG | Scaling language models have revolutionized widespread NLP tasks, yet little
comprehensively explored few-shot relation extraction with large language
models. In this paper, we investigate principal methodologies, in-context
learning and data generation, for few-shot relation extraction via GPT-3.5
through exhaustive experiments. To enhance few-shot performance, we further
propose task-related instructions and schema-constrained data generation. We
observe that in-context learning can achieve performance on par with previous
prompt learning approaches, and data generation with the large language model
can boost previous solutions to obtain new state-of-the-art few-shot results on
four widely-studied relation extraction datasets. We hope our work can inspire
future research for the capabilities of large language models in few-shot
relation extraction. Code is available in
https://github.com/zjunlp/DeepKE/tree/main/example/llm. | cs.CL | How to Unleash the Power of Large Language Models for Few-shot Relation Extraction? |
2023-05-02T15:53:28Z | http://arxiv.org/pdf/2305.01550v1 | http://arxiv.org/abs/2305.01550v1 | Aly M. Kassem | 2023-05-02T15:53:28Z | cs.CL, cs.CR, cs.LG | Large Language models (LLMs) are trained on large amounts of data, which can
include sensitive information that may compromise personal privacy. LLMs showed
to memorize parts of the training data and emit those data verbatim when an
adversary prompts appropriately. Previous research has primarily focused on
data preprocessing and differential privacy techniques to address memorization
or prevent verbatim memorization exclusively, which can give a false sense of
privacy. However, these methods rely on explicit and implicit assumptions about
the structure of the data to be protected, which often results in an incomplete
solution to the problem. To address this, we propose a novel framework that
utilizes a reinforcement learning approach (PPO) to fine-tune LLMs to mitigate
approximate memorization. Our approach utilizes a negative similarity score,
such as BERTScore or SacreBLEU, as a reward signal to learn a dissimilarity
policy. Our results demonstrate that this framework effectively mitigates
approximate memorization while maintaining high levels of coherence and fluency
in the generated samples. Furthermore, our framework is robust in mitigating
approximate memorization across various circumstances, including longer
context, which is known to increase memorization in LLMs. | cs.CL | Mitigating Approximate Memorization in Language Models via Dissimilarity Learned Policy |
2023-05-02T15:36:10Z | http://arxiv.org/pdf/2305.01528v3 | http://arxiv.org/abs/2305.01528v3 | Andrew Zhu, Karmanya Aggarwal, Alexander Feng, Lara J. Martin, Chris Callison-Burch | 2023-05-26T01:12:15Z | cs.CL, cs.AI | Dungeons & Dragons (D&D) is a tabletop roleplaying game with complex natural
language interactions between players and hidden state information. Recent work
has shown that large language models (LLMs) that have access to state
information can generate higher quality game turns than LLMs that use dialog
history alone. However, previous work used game state information that was
heuristically created and was not a true gold standard game state. We present
FIREBALL, a large dataset containing nearly 25,000 unique sessions from real
D&D gameplay on Discord with true game state info. We recorded game play
sessions of players who used the Avrae bot, which was developed to aid people
in playing D&D online, capturing language, game commands and underlying game
state information. We demonstrate that FIREBALL can improve natural language
generation (NLG) by using Avrae state information, improving both automated
metrics and human judgments of quality. Additionally, we show that LLMs can
generate executable Avrae commands, particularly after finetuning. | cs.CL | FIREBALL: A Dataset of Dungeons and Dragons Actual-Play with Structured Game State Information |
2023-05-02T15:33:09Z | http://arxiv.org/pdf/2305.03511v1 | http://arxiv.org/abs/2305.03511v1 | DongNyeong Heo, Heeyoul Choi | 2023-05-02T15:33:09Z | cs.CL, cs.LG | Latent variable modeling in non-autoregressive neural machine translation
(NAT) is a promising approach to mitigate the multimodality problem. In the
previous works, they added an auxiliary model to estimate the posterior
distribution of the latent variable conditioned on the source and target
sentences. However, it causes several disadvantages, such as redundant
information extraction in the latent variable, increasing parameters, and a
tendency to ignore a part of the information from the inputs. In this paper, we
propose a new latent variable modeling that is based on a dual reconstruction
perspective and an advanced hierarchical latent modeling approach. Our proposed
method, {\em LadderNMT}, shares a latent space across both languages so that it
hypothetically alleviates or solves the above disadvantages. Experimental
results quantitatively and qualitatively demonstrate that our proposed latent
variable modeling learns an advantageous latent space and significantly
improves translation quality in WMT translation tasks. | cs.CL | Shared Latent Space by Both Languages in Non-Autoregressive Neural Machine Translation |
2023-05-02T15:33:01Z | http://arxiv.org/pdf/2305.01526v1 | http://arxiv.org/abs/2305.01526v1 | Jianquan Li, Xidong Wang, Xiangbo Wu, Zhiyi Zhang, Xiaolong Xu, Jie Fu, Prayag Tiwari, Xiang Wan, Benyou Wang | 2023-05-02T15:33:01Z | cs.CL, cs.AI | In this paper, we release a largest ever medical Question Answering (QA)
dataset with 26 million QA pairs. We benchmark many existing approaches in our
dataset in terms of both retrieval and generation. Experimental results show
that the existing models perform far lower than expected and the released
dataset is still challenging in the pre-trained language model era. Moreover,
we also experimentally show the benefit of the proposed dataset in many
aspects: (i) trained models for other QA datasets in a zero-shot fashion; and
(ii) as external knowledge for retrieval-augmented generation (RAG); and (iii)
improving existing pre-trained language models by using the QA pairs as a
pre-training corpus in continued training manner. We believe that this dataset
will not only contribute to medical research but also facilitate both the
patients and clinical doctors. See
\url{https://github.com/FreedomIntelligence/Huatuo-26M}. | cs.CL | Huatuo-26M, a Large-scale Chinese Medical QA Dataset |
2023-05-02T15:18:18Z | http://arxiv.org/pdf/2305.01498v4 | http://arxiv.org/abs/2305.01498v4 | Miao Li, Eduard Hovy, Jey Han Lau | 2023-10-23T06:18:09Z | cs.CL, cs.AI | We present PeerSum, a novel dataset for generating meta-reviews of scientific
papers. The meta-reviews can be interpreted as abstractive summaries of
reviews, multi-turn discussions and the paper abstract. These source documents
have rich inter-document relationships with an explicit hierarchical
conversational structure, cross-references and (occasionally) conflicting
information. To introduce the structural inductive bias into pre-trained
language models, we introduce Rammer ( Relationship-aware Multi-task
Meta-review Generator), a model that uses sparse attention based on the
conversational structure and a multi-task training objective that predicts
metadata features (e.g., review ratings). Our experimental results show that
Rammer outperforms other strong baseline models in terms of a suite of
automatic evaluation metrics. Further analyses, however, reveal that RAMMER and
other models struggle to handle conflicts in source documents of PeerSum,
suggesting meta-review generation is a challenging task and a promising avenue
for further research. | cs.CL | Summarizing Multiple Documents with Conversational Structure for Meta-Review Generation |
2023-05-02T14:27:56Z | http://arxiv.org/pdf/2305.01447v1 | http://arxiv.org/abs/2305.01447v1 | Giovanni Trappolini, Andrea Santilli, Emanuele Rodolà, Alon Halevy, Fabrizio Silvestri | 2023-05-02T14:27:56Z | cs.MM, cs.CL, cs.CV, cs.DB, cs.IR | The rise in loosely-structured data available through text, images, and other
modalities has called for new ways of querying them. Multimedia Information
Retrieval has filled this gap and has witnessed exciting progress in recent
years. Tasks such as search and retrieval of extensive multimedia archives have
undergone massive performance improvements, driven to a large extent by recent
developments in multimodal deep learning. However, methods in this field remain
limited in the kinds of queries they support and, in particular, their
inability to answer database-like queries. For this reason, inspired by recent
work on neural databases, we propose a new framework, which we name Multimodal
Neural Databases (MMNDBs). MMNDBs can answer complex database-like queries that
involve reasoning over different input modalities, such as text and images, at
scale. In this paper, we present the first architecture able to fulfill this
set of requirements and test it with several baselines, showing the limitations
of currently available models. The results show the potential of these new
techniques to process unstructured data coming from different modalities,
paving the way for future research in the area. Code to replicate the
experiments will be released at
https://github.com/GiovanniTRA/MultimodalNeuralDatabases | cs.MM | Multimodal Neural Databases |
2023-05-02T14:09:02Z | http://arxiv.org/pdf/2305.03510v2 | http://arxiv.org/abs/2305.03510v2 | Zhen Zhang, Jialu Wang, Xin Eric Wang | 2023-10-28T18:38:47Z | cs.CL, cs.AI | Pre-trained vision and language models such as CLIP have witnessed remarkable
success in connecting images and texts with a primary focus on English texts.
Despite recent efforts to extend CLIP to support other languages, disparities
in performance among different languages have been observed due to uneven
resource availability. Additionally, current cross-lingual transfer methods of
those pre-trained models would consume excessive resources for a large number
of languages. Therefore, we propose a new parameter-efficient cross-lingual
transfer learning framework that utilizes a translation-based alignment method
to mitigate multilingual disparities and explores parameter-efficient
fine-tuning methods for parameter-efficient cross-lingual transfer. Extensive
experiments on XTD and Multi30K datasets, covering 11 languages under
zero-shot, few-shot, and full-dataset learning scenarios, show that our
framework significantly reduces the multilingual disparities among languages
and improves cross-lingual transfer results, especially in low-resource
scenarios, while only keeping and fine-tuning an extremely small number of
parameters compared to the full model (e.g., Our framework only requires 0.16\%
additional parameters of a full-model for each language in the few-shot
learning scenario). The codes are available at
\url{https://github.com/eric-ai-lab/PECTVLM}. The codes are available at
\url{https://github.com/eric-ai-lab/PECTVLM}. | cs.CL | Parameter-Efficient Cross-lingual Transfer of Vision and Language Models via Translation-based Alignment |
2023-05-02T14:06:47Z | http://arxiv.org/pdf/2305.01437v2 | http://arxiv.org/abs/2305.01437v2 | Vyas Raina, Mark Gales | 2023-06-25T01:49:25Z | cs.CL, cs.AI | With the advent of deep learning methods, Neural Machine Translation (NMT)
systems have become increasingly powerful. However, deep learning based systems
are susceptible to adversarial attacks, where imperceptible changes to the
input can cause undesirable changes at the output of the system. To date there
has been little work investigating adversarial attacks on sequence-to-sequence
systems, such as NMT models. Previous work in NMT has examined attacks with the
aim of introducing target phrases in the output sequence. In this work,
adversarial attacks for NMT systems are explored from an output perception
perspective. Thus the aim of an attack is to change the perception of the
output sequence, without altering the perception of the input sequence. For
example, an adversary may distort the sentiment of translated reviews to have
an exaggerated positive sentiment. In practice it is challenging to run
extensive human perception experiments, so a proxy deep-learning classifier
applied to the NMT output is used to measure perception changes. Experiments
demonstrate that the sentiment perception of NMT systems' output sequences can
be changed significantly with small imperceptible changes to input sequences. | cs.CL | Sentiment Perception Adversarial Attacks on Neural Machine Translation Systems |
2023-05-02T13:57:44Z | http://arxiv.org/pdf/2305.01427v1 | http://arxiv.org/abs/2305.01427v1 | Rashmi Margani, Nelson Ndugu | 2023-05-02T13:57:44Z | cs.CL, cs.LG | The focus is on critical problems in NLP related to linguistic diversity and
variation across the African continent, specifically with regards to African
local dialects and Arabic dialects that have received little attention. We
evaluated our various approaches, demonstrating their effectiveness while
highlighting the potential impact of the proposed approach on businesses
seeking to improve customer experience and product development in African local
dialects. The idea of using the model as a teaching tool for product-based
instruction is interesting, as it could potentially stimulate interest in
learners and trigger techno entrepreneurship. Overall, our modified approach
offers a promising analysis of the challenges of dealing with African local
dialects. Particularly Arabic dialects, which could have a significant impact
on businesses seeking to improve customer experience and product development. | cs.CL | From Local to Global: Navigating Linguistic Diversity in the African Context |
2023-05-02T13:01:39Z | http://arxiv.org/pdf/2305.01384v1 | http://arxiv.org/abs/2305.01384v1 | Thang Nguyen-Duc, Hoang Thanh-Tung, Quan Hung Tran, Dang Huu-Tien, Hieu Ngoc Nguyen, Anh T. V. Dau, Nghi D. Q. Bui | 2023-05-02T13:01:39Z | cs.CL, cs.LG | Influence functions (IFs) are a powerful tool for detecting anomalous
examples in large scale datasets. However, they are unstable when applied to
deep networks. In this paper, we provide an explanation for the instability of
IFs and develop a solution to this problem. We show that IFs are unreliable
when the two data points belong to two different classes. Our solution
leverages class information to improve the stability of IFs. Extensive
experiments show that our modification significantly improves the performance
and stability of IFs while incurring no additional computational cost. | cs.CL | Class based Influence Functions for Error Detection |
2023-05-02T11:08:27Z | http://arxiv.org/pdf/2305.01323v3 | http://arxiv.org/abs/2305.01323v3 | Haolan Zhan, Sameen Maruf, Lizhen Qu, Yufei Wang, Ingrid Zukerman, Gholamreza Haffari | 2023-10-29T11:02:47Z | cs.CL | Flowchart-grounded troubleshooting dialogue (FTD) systems, which follow the
instructions of a flowchart to diagnose users' problems in specific domains
(e.g., vehicle, laptop), have been gaining research interest in recent years.
However, collecting sufficient dialogues that are naturally grounded on
flowcharts is costly, thus FTD systems are impeded by scarce training data. To
mitigate the data sparsity issue, we propose a plan-based synthetic data
generation (PlanSDG) approach that generates diverse synthetic dialog data at
scale by transforming concise flowchart into dialogues. Specifically, its
generative model employs a variational-base framework with a hierarchical
planning strategy that includes global and local latent planning variables.
Experiments on the FloDial dataset show that synthetic dialogue produced by
PlanSDG improves the performance of downstream tasks, including flowchart path
retrieval and response generation, in particular on the Out-of-Flowchart
settings. In addition, further analysis demonstrate the quality of synthetic
data generated by PlanSDG in paths that are covered by current sample dialogues
and paths that are not covered. | cs.CL | Turning Flowchart into Dialog: Augmenting Flowchart-grounded Troubleshooting Dialogs via Synthetic Data Generation |
2023-05-02T09:57:54Z | http://arxiv.org/pdf/2305.03501v2 | http://arxiv.org/abs/2305.03501v2 | Sultan Zavrak, Seyhmus Yilmaz | 2023-06-07T12:23:08Z | cs.CL, I.2; I.2.7 | This paper presents a novel approach to accurately classify the hallmarks of
cancer, which is a crucial task in cancer research. Our proposed method
utilizes the Bidirectional Encoder Representations from Transformers (BERT)
architecture, which has shown exceptional performance in various downstream
applications. By applying transfer learning, we fine-tuned the pre-trained BERT
model on a small corpus of biomedical text documents related to cancer. The
outcomes of our experimental investigations demonstrate that our approach
attains a noteworthy accuracy of 94.45%, surpassing almost all prior findings
with a substantial increase of at least 8.04% as reported in the literature.
These findings highlight the effectiveness of our proposed model in accurately
classifying and comprehending text documents for cancer research, thus
contributing significantly to the field. As cancer remains one of the top ten
leading causes of death globally, our approach holds great promise in advancing
cancer research and improving patient outcomes. | cs.CL | Improving Cancer Hallmark Classification with BERT-based Deep Learning Approach |
2023-05-02T09:28:39Z | http://arxiv.org/pdf/2305.01278v2 | http://arxiv.org/abs/2305.01278v2 | Ao Zhang, Hao Fei, Yuan Yao, Wei Ji, Li Li, Zhiyuan Liu, Tat-Seng Chua | 2023-10-24T02:57:42Z | cs.CV, cs.AI, cs.CL | While developing a new multimodal LLM (MLLM) by pre-training on tremendous
image-text pairs from scratch can be exceedingly resource-consuming, connecting
an existing LLM with a comparatively lightweight visual prompt generator (VPG)
becomes a feasible paradigm. However, further tuning the VPG part of the MLLM
still suffers from indispensable computational costs, i.e., requiring thousands
of GPU hours and millions of training data. One alternative solution is to
transfer an existing VPG from any existing MLLMs for the target MLLM.
In this work, we for the first time investigate the VPG transferability
across LLMs, and explore a solution to reduce the cost of VPG transfer. We
first study the VPG transfer across different LLM sizes (e.g., small-to-large),
and across different LLM types, through which we diagnose the key factors to
maximize the transfer efficiency. Based on our observation, we design a
two-stage transfer framework named VPGTrans, which is simple yet highly
effective. Through extensive experiments, we demonstrate that VPGTrans helps
significantly speed up the transfer learning process without compromising
performance. Remarkably, it helps achieve the VPG transfer from BLIP-2
OPT$_\text{2.7B}$ to BLIP-2 OPT$_\text{6.7B}$ with over 10 times speed-up and
10.7% training data compared with connecting a VPG to OPT$_\text{6.7B}$ from
scratch. Further, a series of intriguing findings and potential rationales
behind them are provided and discussed. Finally, we showcase the practical
value of our VPGTrans approach, by customizing two novel MLLMs, including
VL-LLaMA and VL-Vicuna, with recently released LLaMA and Vicuna LLMs. | cs.CV | VPGTrans: Transfer Visual Prompt Generator across LLMs |
2023-05-02T08:35:09Z | http://arxiv.org/pdf/2305.01253v1 | http://arxiv.org/abs/2305.01253v1 | Xiachong Feng, Xiaocheng Feng, Bing Qin | 2023-05-02T08:35:09Z | cs.CL | Generative agents that simulate human society show tremendous potential for
further research and practical applications. Specifically, the generative agent
architecture comprising several meticulously designed modules constitutes the
most critical component. To facilitate progress in this research, this report
presents our integrated perspective on comprehending generative agents through
summarization, since we believe summarization is the most fundamental and
indispensable capacity of generative agents manifested across diverse
scenarios. We hope this report can provide insight into understanding the
importance of summarization capacity in generative agents and motivate future
research. | cs.CL | The Role of Summarization in Generative Agents: A Preliminary Perspective |
2023-05-02T06:19:36Z | http://arxiv.org/pdf/2305.01219v6 | http://arxiv.org/abs/2305.01219v6 | Shuai Zhao, Jinming Wen, Luu Anh Tuan, Junbo Zhao, Jie Fu | 2023-11-10T11:28:53Z | cs.CL, cs.AI | The prompt-based learning paradigm, which bridges the gap between
pre-training and fine-tuning, achieves state-of-the-art performance on several
NLP tasks, particularly in few-shot settings. Despite being widely applied,
prompt-based learning is vulnerable to backdoor attacks. Textual backdoor
attacks are designed to introduce targeted vulnerabilities into models by
poisoning a subset of training samples through trigger injection and label
modification. However, they suffer from flaws such as abnormal natural language
expressions resulting from the trigger and incorrect labeling of poisoned
samples. In this study, we propose ProAttack, a novel and efficient method for
performing clean-label backdoor attacks based on the prompt, which uses the
prompt itself as a trigger. Our method does not require external triggers and
ensures correct labeling of poisoned samples, improving the stealthy nature of
the backdoor attack. With extensive experiments on rich-resource and few-shot
text classification tasks, we empirically validate ProAttack's competitive
performance in textual backdoor attacks. Notably, in the rich-resource setting,
ProAttack achieves state-of-the-art attack success rates in the clean-label
backdoor attack benchmark without external triggers. | cs.CL | Prompt as Triggers for Backdoor Attack: Examining the Vulnerability in Language Models |
2023-05-02T05:52:03Z | http://arxiv.org/pdf/2305.01211v1 | http://arxiv.org/abs/2305.01211v1 | Tobias Brugger, Matthias Stürmer, Joel Niklaus | 2023-05-02T05:52:03Z | cs.CL, cs.AI, cs.LG, 68T50, I.2; I.7 | Sentence Boundary Detection (SBD) is one of the foundational building blocks
of Natural Language Processing (NLP), with incorrectly split sentences heavily
influencing the output quality of downstream tasks. It is a challenging task
for algorithms, especially in the legal domain, considering the complex and
different sentence structures used. In this work, we curated a diverse
multilingual legal dataset consisting of over 130'000 annotated sentences in 6
languages. Our experimental results indicate that the performance of existing
SBD models is subpar on multilingual legal data. We trained and tested
monolingual and multilingual models based on CRF, BiLSTM-CRF, and transformers,
demonstrating state-of-the-art performance. We also show that our multilingual
models outperform all baselines in the zero-shot setting on a Portuguese test
set. To encourage further research and development by the community, we have
made our dataset, models, and code publicly available. | cs.CL | MultiLegalSBD: A Multilingual Legal Sentence Boundary Detection Dataset |
2023-05-02T05:46:48Z | http://arxiv.org/pdf/2305.01210v3 | http://arxiv.org/abs/2305.01210v3 | Jiawei Liu, Chunqiu Steven Xia, Yuyao Wang, Lingming Zhang | 2023-10-30T19:37:09Z | cs.SE, cs.CL, cs.LG | Program synthesis has been long studied with recent approaches focused on
directly using the power of Large Language Models (LLMs) to generate code.
Programming benchmarks, with curated synthesis problems and test-cases, are
used to measure the performance of various LLMs on code synthesis. However,
these test-cases can be limited in both quantity and quality for fully
assessing the functional correctness of the generated code. Such limitation in
the existing benchmarks begs the following question: In the era of LLMs, is the
code generated really correct? To answer this, we propose EvalPlus -- a code
synthesis evaluation framework to rigorously benchmark the functional
correctness of LLM-synthesized code. EvalPlus augments a given evaluation
dataset with large amounts of test-cases newly produced by an automatic test
input generator, powered by both LLM- and mutation-based strategies. While
EvalPlus is general, we extend the test-cases of the popular HumanEval
benchmark by 80x to build HumanEval+. Our extensive evaluation across 26
popular LLMs (e.g., GPT-4 and ChatGPT) demonstrates that HumanEval+ is able to
catch significant amounts of previously undetected wrong code synthesized by
LLMs, reducing the pass@k by up-to 19.3-28.9%. We also surprisingly found that
test insufficiency can lead to mis-ranking. For example, both
WizardCoder-CodeLlama and Phind-CodeLlama now outperform ChatGPT on HumanEval+,
while none of them could on HumanEval. Our work not only indicates that prior
popular code synthesis evaluation results do not accurately reflect the true
performance of LLMs for code synthesis, but also opens up a new direction to
improve such programming benchmarks through automated testing. We have
open-sourced our tools, enhanced datasets as well as all LLM-generated code at
https://github.com/evalplus/evalplus to facilitate and accelerate future
LLM-for-code research. | cs.SE | Is Your Code Generated by ChatGPT Really Correct? Rigorous Evaluation of Large Language Models for Code Generation |
2023-05-02T04:03:50Z | http://arxiv.org/pdf/2305.01195v1 | http://arxiv.org/abs/2305.01195v1 | Jiangyi Lin, Yaxin Fan, Feng Jiang, Xiaomin Chu, Peifeng Li | 2023-05-02T04:03:50Z | cs.CL, cs.LG | Dialogue topic shift detection is to detect whether an ongoing topic has
shifted or should shift in a dialogue, which can be divided into two
categories, i.e., response-known task and response-unknown task. Currently,
only a few investigated the latter, because it is still a challenge to predict
the topic shift without the response information. In this paper, we first
annotate a Chinese Natural Topic Dialogue (CNTD) corpus consisting of 1308
dialogues to fill the gap in the Chinese natural conversation topic corpus. And
then we focus on the response-unknown task and propose a teacher-student
framework based on hierarchical contrastive learning to predict the topic shift
without the response. Specifically, the response at high-level teacher-student
is introduced to build the contrastive learning between the response and the
context, while the label contrastive learning is constructed at low-level
student. The experimental results on our Chinese CNTD and English TIAGE show
the effectiveness of our proposed model. | cs.CL | Topic Shift Detection in Chinese Dialogues: Corpus and Benchmark |
2023-05-02T04:03:30Z | http://arxiv.org/pdf/2305.01194v2 | http://arxiv.org/abs/2305.01194v2 | Hayato Futami, Jessica Huynh, Siddhant Arora, Shih-Lun Wu, Yosuke Kashiwagi, Yifan Peng, Brian Yan, Emiru Tsunoo, Shinji Watanabe | 2023-05-11T07:56:42Z | cs.CL, cs.SD, eess.AS | This paper describes our system for the low-resource domain adaptation track
(Track 3) in Spoken Language Understanding Grand Challenge, which is a part of
ICASSP Signal Processing Grand Challenge 2023. In the track, we adopt a
pipeline approach of ASR and NLU. For ASR, we fine-tune Whisper for each domain
with upsampling. For NLU, we fine-tune BART on all the Track3 data and then on
low-resource domain data. We apply masked LM (MLM) -based data augmentation,
where some of input tokens and corresponding target labels are replaced using
MLM. We also apply a retrieval-based approach, where model input is augmented
with similar training samples. As a result, we achieved exact match (EM)
accuracy 63.3/75.0 (average: 69.15) for reminder/weather domain, and won the
1st place at the challenge. | cs.CL | The Pipeline System of ASR and NLU with MLM-based Data Augmentation toward STOP Low-resource Challenge |
2023-05-02T03:52:34Z | http://arxiv.org/pdf/2305.03503v1 | http://arxiv.org/abs/2305.03503v1 | Xuming Hu, Zhaochen Hong, Chenwei Zhang, Irwin King, Philip S. Yu | 2023-05-02T03:52:34Z | cs.CL, cs.IR | Relation extraction (RE) aims to extract potential relations according to the
context of two entities, thus, deriving rational contexts from sentences plays
an important role. Previous works either focus on how to leverage the entity
information (e.g., entity types, entity verbalization) to inference relations,
but ignore context-focused content, or use counterfactual thinking to remove
the model's bias of potential relations in entities, but the relation reasoning
process will still be hindered by irrelevant content. Therefore, how to
preserve relevant content and remove noisy segments from sentences is a crucial
task. In addition, retained content needs to be fluent enough to maintain
semantic coherence and interpretability. In this work, we propose a novel
rationale extraction framework named RE2, which leverages two continuity and
sparsity factors to obtain relevant and coherent rationales from sentences. To
solve the problem that the gold rationales are not labeled, RE2 applies an
optimizable binary mask to each token in the sentence, and adjust the
rationales that need to be selected according to the relation label.
Experiments on four datasets show that RE2 surpasses baselines. | cs.CL | Think Rationally about What You See: Continuous Rationale Extraction for Relation Extraction |
2023-05-02T03:27:27Z | http://arxiv.org/pdf/2305.01181v3 | http://arxiv.org/abs/2305.01181v3 | Chenyang Lyu, Zefeng Du, Jitao Xu, Yitao Duan, Minghao Wu, Teresa Lynn, Alham Fikri Aji, Derek F. Wong, Siyou Liu, Longyue Wang | 2024-04-02T01:56:56Z | cs.CL | Machine Translation (MT) has greatly advanced over the years due to the
developments in deep neural networks. However, the emergence of Large Language
Models (LLMs) like GPT-4 and ChatGPT is introducing a new phase in the MT
domain. In this context, we believe that the future of MT is intricately tied
to the capabilities of LLMs. These models not only offer vast linguistic
understandings but also bring innovative methodologies, such as prompt-based
techniques, that have the potential to further elevate MT. In this paper, we
provide an overview of the significant enhancements in MT that are influenced
by LLMs and advocate for their pivotal role in upcoming MT research and
implementations. We highlight several new MT directions, emphasizing the
benefits of LLMs in scenarios such as Long-Document Translation, Stylized
Translation, and Interactive Translation. Additionally, we address the
important concern of privacy in LLM-driven MT and suggest essential
privacy-preserving strategies. By showcasing practical instances, we aim to
demonstrate the advantages that LLMs offer, particularly in tasks like
translating extended documents. We conclude by emphasizing the critical role of
LLMs in guiding the future evolution of MT and offer a roadmap for future
exploration in the sector. | cs.CL | A Paradigm Shift: The Future of Machine Translation Lies with Large Language Models |
2023-05-02T03:23:14Z | http://arxiv.org/pdf/2305.03507v1 | http://arxiv.org/abs/2305.03507v1 | Xuming Hu, Zhaochen Hong, Zhijiang Guo, Lijie Wen, Philip S. Yu | 2023-05-02T03:23:14Z | cs.CL, cs.IR | Real-world fact verification task aims to verify the factuality of a claim by
retrieving evidence from the source document. The quality of the retrieved
evidence plays an important role in claim verification. Ideally, the retrieved
evidence should be faithful (reflecting the model's decision-making process in
claim verification) and plausible (convincing to humans), and can improve the
accuracy of verification task. Although existing approaches leverage the
similarity measure of semantic or surface form between claims and documents to
retrieve evidence, they all rely on certain heuristics that prevent them from
satisfying all three requirements. In light of this, we propose a fact
verification model named ReRead to retrieve evidence and verify claim that: (1)
Train the evidence retriever to obtain interpretable evidence (i.e.,
faithfulness and plausibility criteria); (2) Train the claim verifier to
revisit the evidence retrieved by the optimized evidence retriever to improve
the accuracy. The proposed system is able to achieve significant improvements
upon best-reported models under different settings. | cs.CL | Read it Twice: Towards Faithfully Interpretable Fact Verification by Revisiting Evidence |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.