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-22T02:31:15Z | http://arxiv.org/pdf/2305.12641v3 | http://arxiv.org/abs/2305.12641v3 | Abhinav Ramesh Kashyap, Thanh-Tung Nguyen, Viktor Schlegel, Stefan Winkler, See-Kiong Ng, Soujanya Poria | 2024-02-02T07:57:05Z | cs.CL | Sentence representations are a critical component in NLP applications such as
retrieval, question answering, and text classification. They capture the
meaning of a sentence, enabling machines to understand and reason over human
language. In recent years, significant progress has been made in developing
methods for learning sentence representations, including unsupervised,
supervised, and transfer learning approaches. However there is no literature
review on sentence representations till now. In this paper, we provide an
overview of the different methods for sentence representation learning,
focusing mostly on deep learning models. We provide a systematic organization
of the literature, highlighting the key contributions and challenges in this
area. Overall, our review highlights the importance of this area in natural
language processing, the progress made in sentence representation learning, and
the challenges that remain. We conclude with directions for future research,
suggesting potential avenues for improving the quality and efficiency of
sentence representations. | cs.CL | A Comprehensive Survey of Sentence Representations: From the BERT Epoch to the ChatGPT Era and Beyond |
2023-05-22T01:58:42Z | http://arxiv.org/pdf/2305.12634v2 | http://arxiv.org/abs/2305.12634v2 | Zhisong Zhang, Emma Strubell, Eduard Hovy | 2023-10-19T02:13:51Z | cs.CL | In this work we propose a pragmatic method that reduces the annotation cost
for structured label spaces using active learning. Our approach leverages
partial annotation, which reduces labeling costs for structured outputs by
selecting only the most informative sub-structures for annotation. We also
utilize self-training to incorporate the current model's automatic predictions
as pseudo-labels for un-annotated sub-structures. A key challenge in
effectively combining partial annotation with self-training to reduce
annotation cost is determining which sub-structures to select to label. To
address this challenge, we adopt an error estimator to adaptively decide the
partial selection ratio according to the current model's capability. In
evaluations spanning four structured prediction tasks, we show that our
combination of partial annotation and self-training using an adaptive selection
ratio reduces annotation cost over strong full annotation baselines under a
fair comparison scheme that takes reading time into consideration. | cs.CL | Data-efficient Active Learning for Structured Prediction with Partial Annotation and Self-Training |
2023-05-22T01:39:40Z | http://arxiv.org/pdf/2305.12628v1 | http://arxiv.org/abs/2305.12628v1 | Xianchao Wu | 2023-05-22T01:39:40Z | cs.CL, cs.LG, cs.SD, eess.AS | Speech-to-speech translation is a typical sequence-to-sequence learning task
that naturally has two directions. How to effectively leverage bidirectional
supervision signals to produce high-fidelity audio for both directions?
Existing approaches either train two separate models or a multitask-learned
model with low efficiency and inferior performance. In this paper, we propose a
duplex diffusion model that applies diffusion probabilistic models to both
sides of a reversible duplex Conformer, so that either end can simultaneously
input and output a distinct language's speech. Our model enables reversible
speech translation by simply flipping the input and output ends. Experiments
show that our model achieves the first success of reversible speech translation
with significant improvements of ASR-BLEU scores compared with a list of
state-of-the-art baselines. | cs.CL | Duplex Diffusion Models Improve Speech-to-Speech Translation |
2023-05-22T01:32:50Z | http://arxiv.org/pdf/2305.12627v1 | http://arxiv.org/abs/2305.12627v1 | Zhibin Gou, Qingyan Guo, Yujiu Yang | 2023-05-22T01:32:50Z | cs.CL, cs.AI | Generative methods greatly promote aspect-based sentiment analysis via
generating a sequence of sentiment elements in a specified format. However,
existing studies usually predict sentiment elements in a fixed order, which
ignores the effect of the interdependence of the elements in a sentiment tuple
and the diversity of language expression on the results. In this work, we
propose Multi-view Prompting (MvP) that aggregates sentiment elements generated
in different orders, leveraging the intuition of human-like problem-solving
processes from different views. Specifically, MvP introduces element order
prompts to guide the language model to generate multiple sentiment tuples, each
with a different element order, and then selects the most reasonable tuples by
voting. MvP can naturally model multi-view and multi-task as permutations and
combinations of elements, respectively, outperforming previous task-specific
designed methods on multiple ABSA tasks with a single model. Extensive
experiments show that MvP significantly advances the state-of-the-art
performance on 10 datasets of 4 benchmark tasks, and performs quite effectively
in low-resource settings. Detailed evaluation verified the effectiveness,
flexibility, and cross-task transferability of MvP. | cs.CL | MvP: Multi-view Prompting Improves Aspect Sentiment Tuple Prediction |
2023-05-22T01:02:45Z | http://arxiv.org/pdf/2305.12620v1 | http://arxiv.org/abs/2305.12620v1 | Ioana Baldini, Chhavi Yadav, Payel Das, Kush R. Varshney | 2023-05-22T01:02:45Z | cs.CL | Auditing unwanted social bias in language models (LMs) is inherently hard due
to the multidisciplinary nature of the work. In addition, the rapid evolution
of LMs can make benchmarks irrelevant in no time. Bias auditing is further
complicated by LM brittleness: when a presumably biased outcome is observed, is
it due to model bias or model brittleness? We propose enlisting the models
themselves to help construct bias auditing datasets that remain challenging,
and introduce bias measures that distinguish between types of model errors.
First, we extend an existing bias benchmark for NLI (BBNLI) using a combination
of LM-generated lexical variations, adversarial filtering, and human
validation. We demonstrate that the newly created dataset (BBNLInext) is more
challenging than BBNLI: on average, BBNLI-next reduces the accuracy of
state-of-the-art NLI models from 95.3%, as observed by BBNLI, to 58.6%. Second,
we employ BBNLI-next to showcase the interplay between robustness and bias, and
the subtlety in differentiating between the two. Third, we point out
shortcomings in current bias scores used in the literature and propose bias
measures that take into account pro-/anti-stereotype bias and model
brittleness. We will publicly release the BBNLI-next dataset to inspire
research on rapidly expanding benchmarks to keep up with model evolution, along
with research on the robustness-bias interplay in bias auditing.
Note: This paper contains offensive text examples. | cs.CL | Keeping Up with the Language Models: Robustness-Bias Interplay in NLI Data and Models |
2023-05-22T00:33:52Z | http://arxiv.org/pdf/2305.12612v2 | http://arxiv.org/abs/2305.12612v2 | Luke Gessler | 2024-03-28T14:23:08Z | cs.CL | Evaluation datasets are critical resources for measuring the quality of
pretrained language models. However, due to the high cost of dataset
annotation, these resources are scarce for most languages other than English,
making it difficult to assess the quality of language models. In this work, we
present a new method for evaluation dataset construction which enables any
language with a New Testament translation to receive a suite of evaluation
datasets suitable for pretrained language model evaluation. The method
critically involves aligning verses with those in the New Testament portion of
English OntoNotes, and then projecting annotations from English to the target
language, with no manual annotation required. We apply this method to 1051 New
Testament translations in 859 and make them publicly available. Additionally,
we conduct experiments which demonstrate the efficacy of our method for
creating evaluation tasks which can assess language model quality. | cs.CL | PrOnto: Language Model Evaluations for 859 Languages |
2023-05-21T23:53:12Z | http://arxiv.org/pdf/2305.12606v2 | http://arxiv.org/abs/2305.12606v2 | Andrew Rouditchenko, Sameer Khurana, Samuel Thomas, Rogerio Feris, Leonid Karlinsky, Hilde Kuehne, David Harwath, Brian Kingsbury, James Glass | 2023-05-31T01:27:41Z | cs.CL, cs.SD, eess.AS | Recent models such as XLS-R and Whisper have made multilingual speech
technologies more accessible by pre-training on audio from around 100 spoken
languages each. However, there are thousands of spoken languages worldwide, and
adapting to new languages is an important problem. In this work, we aim to
understand which model adapts better to languages unseen during pre-training.
We fine-tune both models on 13 unseen languages and 18 seen languages. Our
results show that the number of hours seen per language and language family
during pre-training is predictive of how the models compare, despite the
significant differences in the pre-training methods. | cs.CL | Comparison of Multilingual Self-Supervised and Weakly-Supervised Speech Pre-Training for Adaptation to Unseen Languages |
2023-05-21T23:16:26Z | http://arxiv.org/pdf/2305.12599v6 | http://arxiv.org/abs/2305.12599v6 | Qiming Bao, Alex Yuxuan Peng, Zhenyun Deng, Wanjun Zhong, Gael Gendron, Timothy Pistotti, Neset Tan, Nathan Young, Yang Chen, Yonghua Zhu, Paul Denny, Michael Witbrock, Jiamou Liu | 2024-06-06T23:17:32Z | cs.CL, cs.AI | Combining large language models with logical reasoning enhances their
capacity to address problems in a robust and reliable manner. Nevertheless, the
intricate nature of logical reasoning poses challenges when gathering reliable
data from the web to build comprehensive training datasets, subsequently
affecting performance on downstream tasks. To address this, we introduce a
novel logic-driven data augmentation approach, AMR-LDA. AMR-LDA converts the
original text into an Abstract Meaning Representation (AMR) graph, a structured
semantic representation that encapsulates the logical structure of the
sentence, upon which operations are performed to generate logically modified
AMR graphs. The modified AMR graphs are subsequently converted back into text
to create augmented data. Notably, our methodology is architecture-agnostic and
enhances both generative large language models, such as GPT-3.5 and GPT-4,
through prompt augmentation, and discriminative large language models through
contrastive learning with logic-driven data augmentation. Empirical evidence
underscores the efficacy of our proposed method with improvement in performance
across seven downstream tasks, such as reading comprehension requiring logical
reasoning, textual entailment, and natural language inference. Furthermore, our
method leads on the ReClor leaderboard at
https://eval.ai/web/challenges/challenge-page/503/leaderboard/1347. The source
code and data are publicly available at
https://github.com/Strong-AI-Lab/Logical-Equivalence-driven-AMR-Data-Augmentation-for-Representation-Learning. | cs.CL | Abstract Meaning Representation-Based Logic-Driven Data Augmentation for Logical Reasoning |
2023-05-21T23:04:14Z | http://arxiv.org/pdf/2305.12594v1 | http://arxiv.org/abs/2305.12594v1 | Fanghua Ye, Zhiyuan Hu, Emine Yilmaz | 2023-05-21T23:04:14Z | cs.CL | Dialogue systems have received increasing attention while automatically
evaluating their performance remains challenging. User satisfaction estimation
(USE) has been proposed as an alternative. It assumes that the performance of a
dialogue system can be measured by user satisfaction and uses an estimator to
simulate users. The effectiveness of USE depends heavily on the estimator.
Existing estimators independently predict user satisfaction at each turn and
ignore satisfaction dynamics across turns within a dialogue. In order to fully
simulate users, it is crucial to take satisfaction dynamics into account. To
fill this gap, we propose a new estimator ASAP (sAtisfaction eStimation via
HAwkes Process) that treats user satisfaction across turns as an event sequence
and employs a Hawkes process to effectively model the dynamics in this
sequence. Experimental results on four benchmark dialogue datasets demonstrate
that ASAP can substantially outperform state-of-the-art baseline estimators. | cs.CL | Modeling User Satisfaction Dynamics in Dialogue via Hawkes Process |
2023-05-21T22:52:13Z | http://arxiv.org/pdf/2305.13342v1 | http://arxiv.org/abs/2305.13342v1 | Katerina Margatina, Nikolaos Aletras | 2023-05-21T22:52:13Z | cs.LG, cs.CL | Active learning (AL) is a human-and-model-in-the-loop paradigm that
iteratively selects informative unlabeled data for human annotation, aiming to
improve over random sampling. However, performing AL experiments with human
annotations on-the-fly is a laborious and expensive process, thus unrealistic
for academic research. An easy fix to this impediment is to simulate AL, by
treating an already labeled and publicly available dataset as the pool of
unlabeled data. In this position paper, we first survey recent literature and
highlight the challenges across all different steps within the AL loop. We
further unveil neglected caveats in the experimental setup that can
significantly affect the quality of AL research. We continue with an
exploration of how the simulation setting can govern empirical findings,
arguing that it might be one of the answers behind the ever posed question
``why do active learning algorithms sometimes fail to outperform random
sampling?''. We argue that evaluating AL algorithms on available labeled
datasets might provide a lower bound as to their effectiveness in real data. We
believe it is essential to collectively shape the best practices for AL
research, particularly as engineering advancements in LLMs push the research
focus towards data-driven approaches (e.g., data efficiency, alignment,
fairness). In light of this, we have developed guidelines for future work. Our
aim is to draw attention to these limitations within the community, in the hope
of finding ways to address them. | cs.LG | On the Limitations of Simulating Active Learning |
2023-05-21T22:44:25Z | http://arxiv.org/pdf/2305.12586v1 | http://arxiv.org/abs/2305.12586v1 | Linyong Nan, Yilun Zhao, Weijin Zou, Narutatsu Ri, Jaesung Tae, Ellen Zhang, Arman Cohan, Dragomir Radev | 2023-05-21T22:44:25Z | cs.CL | In-context learning (ICL) has emerged as a new approach to various natural
language processing tasks, utilizing large language models (LLMs) to make
predictions based on context that has been supplemented with a few examples or
task-specific instructions. In this paper, we aim to extend this method to
question answering tasks that utilize structured knowledge sources, and improve
Text-to-SQL systems by exploring various prompt design strategies for employing
LLMs. We conduct a systematic investigation into different demonstration
selection methods and optimal instruction formats for prompting LLMs in the
Text-to-SQL task. Our approach involves leveraging the syntactic structure of
an example's SQL query to retrieve demonstrations, and we demonstrate that
pursuing both diversity and similarity in demonstration selection leads to
enhanced performance. Furthermore, we show that LLMs benefit from
database-related knowledge augmentations. Our most effective strategy
outperforms the state-of-the-art system by 2.5 points (Execution Accuracy) and
the best fine-tuned system by 5.1 points on the Spider dataset. These results
highlight the effectiveness of our approach in adapting LLMs to the Text-to-SQL
task, and we present an analysis of the factors contributing to the success of
our strategy. | cs.CL | Enhancing Few-shot Text-to-SQL Capabilities of Large Language Models: A Study on Prompt Design Strategies |
2023-05-21T22:08:31Z | http://arxiv.org/pdf/2305.12580v2 | http://arxiv.org/abs/2305.12580v2 | Marc E. Canby, Julia Hockenmaier | 2023-10-30T05:51:34Z | cs.CL | Transformer-based encoder-decoder models that generate outputs in a
left-to-right fashion have become standard for sequence-to-sequence tasks. In
this paper, we propose a framework for decoding that produces sequences from
the "outside-in": at each step, the model chooses to generate a token on the
left, on the right, or join the left and right sequences. We argue that this is
more principled than prior bidirectional decoders. Our proposal supports a
variety of model architectures and includes several training methods, such as a
dynamic programming algorithm that marginalizes out the latent ordering
variable. Our model sets state-of-the-art (SOTA) on the 2022 and 2023 shared
tasks, beating the next best systems by over 4.7 and 2.7 points in average
accuracy respectively. The model performs particularly well on long sequences,
can implicitly learn the split point of words composed of stem and affix, and
performs better relative to the baseline on datasets that have fewer unique
lemmas (but more examples per lemma). | cs.CL | A Framework for Bidirectional Decoding: Case Study in Morphological Inflection |
2023-05-21T22:06:14Z | http://arxiv.org/pdf/2305.12579v1 | http://arxiv.org/abs/2305.12579v1 | Karel Beneš, Martin Kocour, Lukáš Burget | 2023-05-21T22:06:14Z | cs.CL, cs.SD, eess.AS | End-to-end (e2e) systems have recently gained wide popularity in automatic
speech recognition. However, these systems do generally not provide
well-calibrated word-level confidences. In this paper, we propose Hystoc, a
simple method for obtaining word-level confidences from hypothesis-level
scores. Hystoc is an iterative alignment procedure which turns hypotheses from
an n-best output of the ASR system into a confusion network. Eventually,
word-level confidences are obtained as posterior probabilities in the
individual bins of the confusion network. We show that Hystoc provides
confidences that correlate well with the accuracy of the ASR hypothesis.
Furthermore, we show that utilizing Hystoc in fusion of multiple e2e ASR
systems increases the gains from the fusion by up to 1\,\% WER absolute on
Spanish RTVE2020 dataset. Finally, we experiment with using Hystoc for direct
fusion of n-best outputs from multiple systems, but we only achieve minor gains
when fusing very similar systems. | cs.CL | Hystoc: Obtaining word confidences for fusion of end-to-end ASR systems |
2023-05-21T21:50:27Z | http://arxiv.org/pdf/2305.12576v2 | http://arxiv.org/abs/2305.12576v2 | Rami Aly, Xingjian Shi, Kaixiang Lin, Aston Zhang, Andrew Gordon Wilson | 2023-10-21T06:46:51Z | cs.CL | A particularly successful class of approaches for few-shot learning combines
language models with prompts -- hand-crafted task descriptions that complement
data samples. However, designing prompts by hand for each task commonly
requires domain knowledge and substantial guesswork. We observe, in the context
of classification tasks, that instruction finetuned language models exhibit
remarkable prompt robustness, and we subsequently propose a simple method to
eliminate the need for handcrafted prompts, named AuT-Few. This approach
consists of (i) a prompt retrieval module that selects suitable task
instructions from the instruction-tuning knowledge base, and (ii) the
generation of two distinct, semantically meaningful, class descriptions and a
selection mechanism via cross-validation. Over $12$ datasets, spanning $8$
classification tasks, we show that AuT-Few outperforms current state-of-the-art
few-shot learning methods. Moreover, AuT-Few is the best ranking method across
datasets on the RAFT few-shot benchmark. Notably, these results are achieved
without task-specific handcrafted prompts on unseen tasks. | cs.CL | Automated Few-shot Classification with Instruction-Finetuned Language Models |
2023-05-21T21:06:23Z | http://arxiv.org/pdf/2305.12567v1 | http://arxiv.org/abs/2305.12567v1 | Linyuan Gong, Chenyan Xiong, Xiaodong Liu, Payal Bajaj, Yiqing Xie, Alvin Cheung, Jianfeng Gao, Xia Song | 2023-05-21T21:06:23Z | cs.CL | This paper explores the effectiveness of model-generated signals in improving
zero-shot generalization of text-to-text Transformers such as T5. We study
various designs to pretrain T5 using an auxiliary model to construct more
challenging token replacements for the main model to denoise. Key aspects under
study include the decoding target, the location of the RTD head, and the
masking pattern. Based on these studies, we develop a new model, METRO-T0,
which is pretrained using the redesigned ELECTRA-Style pretraining strategies
and then prompt-finetuned on a mixture of NLP tasks. METRO-T0 outperforms all
similar-sized baselines on prompted NLP benchmarks, such as T0 Eval and MMLU,
and rivals the state-of-the-art T0-11B model with only 8% of its parameters.
Our analysis on model's neural activation and parameter sensitivity reveals
that the effectiveness of METRO-T0 stems from more balanced contribution of
parameters and better utilization of their capacity. The code and model
checkpoints are available at https://github.com/gonglinyuan/metro_t0. | cs.CL | Model-Generated Pretraining Signals Improves Zero-Shot Generalization of Text-to-Text Transformers |
2023-05-21T21:02:55Z | http://arxiv.org/pdf/2305.12565v1 | http://arxiv.org/abs/2305.12565v1 | Ziqi Wang, Chi Han, Wenxuan Bao, Heng Ji | 2023-05-21T21:02:55Z | cs.CL | Knowledge distillation (KD) requires sufficient data to transfer knowledge
from large-scale teacher models to small-scale student models. Therefore, data
augmentation has been widely used to mitigate the shortage of data under
specific scenarios. Classic data augmentation techniques, such as synonym
replacement and k-nearest-neighbors, are initially designed for fine-tuning. To
avoid severe semantic shifts and preserve task-specific labels, those methods
prefer to change only a small proportion of tokens (e.g., changing 10% tokens
is generally the best option for fine-tuning). However, such data augmentation
methods are sub-optimal for knowledge distillation since the teacher model
could provide label distributions and is more tolerant to semantic shifts. We
first observe that KD prefers as much data as possible, which is different from
fine-tuning that too much data will not gain more performance. Since changing
more tokens leads to more semantic shifts, we use the proportion of changed
tokens to reflect semantic shift degrees. Then we find that KD prefers
augmented data with a larger semantic shift degree (e.g., changing 30% tokens
is generally the best option for KD) than fine-tuning (changing 10% tokens).
Besides, our findings show that smaller datasets prefer larger degrees until
the out-of-distribution problem occurs (e.g., datasets with less than 10k
inputs may prefer the 50% degree, and datasets with more than 100k inputs may
prefer the 10% degree). Our work sheds light on the preference difference in
data augmentation between fine-tuning and knowledge distillation and encourages
the community to explore KD-specific data augmentation methods. | cs.CL | Understanding the Effect of Data Augmentation on Knowledge Distillation |
2023-05-21T20:57:12Z | http://arxiv.org/pdf/2305.12564v1 | http://arxiv.org/abs/2305.12564v1 | Jared Wong, Jin Kim | 2023-05-21T20:57:12Z | cs.HC, cs.AI, cs.CL, cs.LG | We investigate how people perceive ChatGPT, and, in particular, how they
assign human-like attributes such as gender to the chatbot. Across five
pre-registered studies (N = 1,552), we find that people are more likely to
perceive ChatGPT to be male than female. Specifically, people perceive male
gender identity (1) following demonstrations of ChatGPT's core abilities (e.g.,
providing information or summarizing text), (2) in the absence of such
demonstrations, and (3) across different methods of eliciting perceived gender
(using various scales and asking to name ChatGPT). Moreover, we find that this
seemingly default perception of ChatGPT as male can reverse when ChatGPT's
feminine-coded abilities are highlighted (e.g., providing emotional support for
a user). | cs.HC | ChatGPT Is More Likely to Be Perceived as Male Than Female |
2023-05-21T20:40:37Z | http://arxiv.org/pdf/2305.12563v2 | http://arxiv.org/abs/2305.12563v2 | Jordan Meadows, Marco Valentino, Damien Teney, Andre Freitas | 2024-04-08T14:29:06Z | cs.CL, cs.LG | This paper proposes a methodology for generating and perturbing detailed
derivations of equations at scale, aided by a symbolic engine, to evaluate the
generalisability of Transformers to out-of-distribution mathematical reasoning
problems. Instantiating the framework in the context of sequence classification
tasks, we compare the capabilities of GPT-4, GPT-3.5, and a canon of fine-tuned
BERT models, exploring the relationship between specific operators and
generalisation failure via the perturbation of reasoning aspects such as
symmetry and variable surface forms. Surprisingly, our empirical evaluation
reveals that the average in-distribution performance of fine-tuned models
surpasses GPT-3.5, and rivals GPT-4. However, perturbations to input reasoning
can reduce their performance by up to 80 F1 points. Overall, the results
suggest that the in-distribution performance of smaller open-source models may
potentially rival GPT by incorporating appropriately structured derivation
dependencies during training, and highlight a shared weakness between BERT and
GPT involving a relative inability to decode indirect references to
mathematical entities. We release the full codebase, constructed datasets, and
fine-tuned models to encourage future progress in the field. | cs.CL | A Symbolic Framework for Evaluating Mathematical Reasoning and Generalisation with Transformers |
2023-05-21T19:26:46Z | http://arxiv.org/pdf/2305.12552v1 | http://arxiv.org/abs/2305.12552v1 | Huadai Liu, Rongjie Huang, Jinzheng He, Gang Sun, Ran Shen, Xize Cheng, Zhou Zhao | 2023-05-21T19:26:46Z | cs.CL, cs.SD, eess.AS | Speech-to-SQL (S2SQL) aims to convert spoken questions into SQL queries given
relational databases, which has been traditionally implemented in a cascaded
manner while facing the following challenges: 1) model training is faced with
the major issue of data scarcity, where limited parallel data is available; and
2) the systems should be robust enough to handle diverse out-of-domain speech
samples that differ from the source data. In this work, we propose the first
direct speech-to-SQL parsing model Wav2SQL which avoids error compounding
across cascaded systems. Specifically, 1) to accelerate speech-driven SQL
parsing research in the community, we release a large-scale and multi-speaker
dataset MASpider; 2) leveraging the recent progress in the large-scale
pre-training, we show that it alleviates the data scarcity issue and allow for
direct speech-to-SQL parsing; and 3) we include the speech re-programming and
gradient reversal classifier techniques to reduce acoustic variance and learned
style-agnostic representation, improving generalization to unseen out-of-domain
custom data. Experimental results demonstrate that Wav2SQL avoids error
compounding and achieves state-of-the-art results by up to 2.5\% accuracy
improvement over the baseline. | cs.CL | Wav2SQL: Direct Generalizable Speech-To-SQL Parsing |
2023-05-21T19:06:30Z | http://arxiv.org/pdf/2305.12544v2 | http://arxiv.org/abs/2305.12544v2 | Oana Ignat, Zhijing Jin, Artem Abzaliev, Laura Biester, Santiago Castro, Naihao Deng, Xinyi Gao, Aylin Gunal, Jacky He, Ashkan Kazemi, Muhammad Khalifa, Namho Koh, Andrew Lee, Siyang Liu, Do June Min, Shinka Mori, Joan Nwatu, Veronica Perez-Rosas, Siqi Shen, Zekun Wang, Winston Wu, Rada Mihalcea | 2024-03-15T20:10:51Z | cs.CL, cs.AI | Recent progress in large language models (LLMs) has enabled the deployment of
many generative NLP applications. At the same time, it has also led to a
misleading public discourse that ``it's all been solved.'' Not surprisingly,
this has, in turn, made many NLP researchers -- especially those at the
beginning of their careers -- worry about what NLP research area they should
focus on. Has it all been solved, or what remaining questions can we work on
regardless of LLMs? To address this question, this paper compiles NLP research
directions rich for exploration. We identify fourteen different research areas
encompassing 45 research directions that require new research and are not
directly solvable by LLMs. While we identify many research areas, many others
exist; we do not cover areas currently addressed by LLMs, but where LLMs lag
behind in performance or those focused on LLM development. We welcome
suggestions for other research directions to include:
https://bit.ly/nlp-era-llm | cs.CL | Has It All Been Solved? Open NLP Research Questions Not Solved by Large Language Models |
2023-05-21T18:53:26Z | http://arxiv.org/pdf/2305.12542v1 | http://arxiv.org/abs/2305.12542v1 | Zachary Yang, Yasmine Maricar, MohammadReza Davari, Nicolas Grenon-Godbout, Reihaneh Rabbany | 2023-05-21T18:53:26Z | cs.CL, cs.CY | Detecting toxicity in online spaces is challenging and an ever more pressing
problem given the increase in social media and gaming consumption. We introduce
ToxBuster, a simple and scalable model trained on a relatively large dataset of
194k lines of game chat from Rainbow Six Siege and For Honor, carefully
annotated for different kinds of toxicity. Compared to the existing
state-of-the-art, ToxBuster achieves 82.95% (+7) in precision and 83.56% (+57)
in recall. This improvement is obtained by leveraging past chat history and
metadata. We also study the implication towards real-time and post-game
moderation as well as the model transferability from one game to another. | cs.CL | ToxBuster: In-game Chat Toxicity Buster with BERT |
2023-05-21T18:29:10Z | http://arxiv.org/pdf/2305.12535v1 | http://arxiv.org/abs/2305.12535v1 | Javier Ferrando, Gerard I. Gállego, Ioannis Tsiamas, Marta R. Costa-jussà | 2023-05-21T18:29:10Z | cs.CL, cs.AI, cs.LG | Language Generation Models produce words based on the previous context.
Although existing methods offer input attributions as explanations for a
model's prediction, it is still unclear how prior words affect the model's
decision throughout the layers. In this work, we leverage recent advances in
explainability of the Transformer and present a procedure to analyze models for
language generation. Using contrastive examples, we compare the alignment of
our explanations with evidence of the linguistic phenomena, and show that our
method consistently aligns better than gradient-based and perturbation-based
baselines. Then, we investigate the role of MLPs inside the Transformer and
show that they learn features that help the model predict words that are
grammatically acceptable. Lastly, we apply our method to Neural Machine
Translation models, and demonstrate that they generate human-like source-target
alignments for building predictions. | cs.CL | Explaining How Transformers Use Context to Build Predictions |
2023-05-21T18:25:07Z | http://arxiv.org/pdf/2305.12532v4 | http://arxiv.org/abs/2305.12532v4 | Sebastian Joseph, Kathryn Kazanas, Keziah Reina, Vishnesh J. Ramanathan, Wei Xu, Byron C. Wallace, Junyi Jessy Li | 2023-10-18T04:20:05Z | cs.CL | Automated text simplification aims to produce simple versions of complex
texts. This task is especially useful in the medical domain, where the latest
medical findings are typically communicated via complex and technical articles.
This creates barriers for laypeople seeking access to up-to-date medical
findings, consequently impeding progress on health literacy. Most existing work
on medical text simplification has focused on monolingual settings, with the
result that such evidence would be available only in just one language (most
often, English). This work addresses this limitation via multilingual
simplification, i.e., directly simplifying complex texts into simplified texts
in multiple languages. We introduce MultiCochrane, the first sentence-aligned
multilingual text simplification dataset for the medical domain in four
languages: English, Spanish, French, and Farsi. We evaluate fine-tuned and
zero-shot models across these languages, with extensive human assessments and
analyses. Although models can now generate viable simplified texts, we identify
outstanding challenges that this dataset might be used to address. | cs.CL | Multilingual Simplification of Medical Texts |
2023-05-21T17:51:35Z | http://arxiv.org/pdf/2305.12524v3 | http://arxiv.org/abs/2305.12524v3 | Wenhu Chen, Ming Yin, Max Ku, Pan Lu, Yixin Wan, Xueguang Ma, Jianyu Xu, Xinyi Wang, Tony Xia | 2023-12-06T03:02:45Z | cs.CL, cs.AI | The recent LLMs like GPT-4 and PaLM-2 have made tremendous progress in
solving fundamental math problems like GSM8K by achieving over 90% accuracy.
However, their capabilities to solve more challenging math problems which
require domain-specific knowledge (i.e. theorem) have yet to be investigated.
In this paper, we introduce TheoremQA, the first theorem-driven
question-answering dataset designed to evaluate AI models' capabilities to
apply theorems to solve challenging science problems. TheoremQA is curated by
domain experts containing 800 high-quality questions covering 350 theorems
(e.g. Taylor's theorem, Lagrange's theorem, Huffman coding, Quantum Theorem,
Elasticity Theorem, etc) from Math, Physics, EE&CS, and Finance. We evaluate a
wide spectrum of 16 large language and code models with different prompting
strategies like Chain-of-Thoughts and Program-of-Thoughts. We found that
GPT-4's capabilities to solve these problems are unparalleled, achieving an
accuracy of 51% with Program-of-Thoughts Prompting. All the existing
open-sourced models are below 15%, barely surpassing the random-guess baseline.
Given the diversity and broad coverage of TheoremQA, we believe it can be used
as a better benchmark to evaluate LLMs' capabilities to solve challenging
science problems. The data and code are released in
https://github.com/wenhuchen/TheoremQA. | cs.CL | TheoremQA: A Theorem-driven Question Answering dataset |
2023-05-21T17:26:16Z | http://arxiv.org/pdf/2305.12519v3 | http://arxiv.org/abs/2305.12519v3 | Xiao Yu, Yuang Qi, Kejiang Chen, Guoqiang Chen, Xi Yang, Pengyuan Zhu, Xiuwei Shang, Weiming Zhang, Nenghai Yu | 2024-06-12T07:37:35Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) have the potential to generate texts that pose
risks of misuse, such as plagiarism, planting fake reviews on e-commerce
platforms, or creating inflammatory false tweets. Consequently, detecting
whether a text is generated by LLMs has become increasingly important. Existing
high-quality detection methods usually require access to the interior of the
model to extract the intrinsic characteristics. However, since we do not have
access to the interior of the black-box model, we must resort to surrogate
models, which impacts detection quality. In order to achieve high-quality
detection of black-box models, we would like to extract deep intrinsic
characteristics of the black-box model generated texts. We view the generation
process as a coupled process of prompt and intrinsic characteristics of the
generative model. Based on this insight, we propose to decouple prompt and
intrinsic characteristics (DPIC) for LLM-generated text detection method.
Specifically, given a candidate text, DPIC employs an auxiliary LLM to
reconstruct the prompt corresponding to the candidate text, then uses the
prompt to regenerate text by the auxiliary LLM, which makes the candidate text
and the regenerated text align with their prompts, respectively. Then, the
similarity between the candidate text and the regenerated text is used as a
detection feature, thus eliminating the prompt in the detection process, which
allows the detector to focus on the intrinsic characteristics of the generative
model. Compared to the baselines, DPIC has achieved an average improvement of
6.76\% and 2.91\% in detecting texts from different domains generated by GPT4
and Claude3, respectively. | cs.CL | DPIC: Decoupling Prompt and Intrinsic Characteristics for LLM Generated Text Detection |
2023-05-21T17:23:54Z | http://arxiv.org/pdf/2305.12518v1 | http://arxiv.org/abs/2305.12518v1 | Shivam Mhaskar, Vineet Bhat, Akshay Batheja, Sourabh Deoghare, Paramveer Choudhary, Pushpak Bhattacharyya | 2023-05-21T17:23:54Z | cs.CL | In this work, we present our deployment-ready Speech-to-Speech Machine
Translation (SSMT) system for English-Hindi, English-Marathi, and Hindi-Marathi
language pairs. We develop the SSMT system by cascading Automatic Speech
Recognition (ASR), Disfluency Correction (DC), Machine Translation (MT), and
Text-to-Speech Synthesis (TTS) models. We discuss the challenges faced during
the research and development stage and the scalable deployment of the SSMT
system as a publicly accessible web service. On the MT part of the pipeline
too, we create a Text-to-Text Machine Translation (TTMT) service in all six
translation directions involving English, Hindi, and Marathi. To mitigate data
scarcity, we develop a LaBSE-based corpus filtering tool to select high-quality
parallel sentences from a noisy pseudo-parallel corpus for training the TTMT
system. All the data used for training the SSMT and TTMT systems and the best
models are being made publicly available. Users of our system are (a) Govt. of
India in the context of its new education policy (NEP), (b) tourists who
criss-cross the multilingual landscape of India, (c) Indian Judiciary where a
leading cause of the pendency of cases (to the order of 10 million as on date)
is the translation of case papers, (d) farmers who need weather and price
information and so on. We also share the feedback received from various
stakeholders when our SSMT and TTMT systems were demonstrated in large public
events. | cs.CL | VAKTA-SETU: A Speech-to-Speech Machine Translation Service in Select Indic Languages |
2023-05-21T17:14:31Z | http://arxiv.org/pdf/2305.12517v4 | http://arxiv.org/abs/2305.12517v4 | Shauli Ravfogel, Valentina Pyatkin, Amir DN Cohen, Avshalom Manevich, Yoav Goldberg | 2024-04-26T08:04:59Z | cs.CL, cs.IR, cs.LG | Identifying texts with a given semantics is central for many information
seeking scenarios. Similarity search over vector embeddings appear to be
central to this ability, yet the similarity reflected in current text
embeddings is corpus-driven, and is inconsistent and sub-optimal for many use
cases. What, then, is a good notion of similarity for effective retrieval of
text?
We identify the need to search for texts based on abstract descriptions of
their content, and the corresponding notion of \emph{description based
similarity}. We demonstrate the inadequacy of current text embeddings and
propose an alternative model that significantly improves when used in standard
nearest neighbor search. The model is trained using positive and negative pairs
sourced through prompting a LLM, demonstrating how data from LLMs can be used
for creating new capabilities not immediately possible using the original
model. | cs.CL | Description-Based Text Similarity |
2023-05-21T17:04:21Z | http://arxiv.org/pdf/2305.12510v1 | http://arxiv.org/abs/2305.12510v1 | Yoav Tulpan, Oren Tsur | 2023-05-21T17:04:21Z | cs.CL, cs.SI | Online social platforms provide a bustling arena for information-sharing and
for multi-party discussions. Various frameworks for dialogic discourse parsing
were developed and used for the processing of discussions and for predicting
the productivity of a dialogue. However, most of these frameworks are not
suitable for the analysis of contentious discussions that are commonplace in
many online platforms. A novel multi-label scheme for contentious dialog
parsing was recently introduced by Zakharov et al. (2021). While the schema is
well developed, the computational approach they provide is both naive and
inefficient, as a different model (architecture) using a different
representation of the input, is trained for each of the 31 tags in the
annotation scheme. Moreover, all their models assume full knowledge of label
collocations and context, which is unlikely in any realistic setting. In this
work, we present a unified model for Non-Convergent Discourse Parsing that does
not require any additional input other than the previous dialog utterances. We
fine-tuned a RoBERTa backbone, combining embeddings of the utterance, the
context and the labels through GRN layers and an asymmetric loss function.
Overall, our model achieves results comparable with SOTA, without using label
collocation and without training a unique architecture/model for each label. | cs.CL | A Deeper (Autoregressive) Approach to Non-Convergent Discourse Parsing |
2023-05-21T16:37:21Z | http://arxiv.org/pdf/2305.12501v1 | http://arxiv.org/abs/2305.12501v1 | Jingyi Chen, Micha Elsner | 2023-05-21T16:37:21Z | cs.CL, cs.SD, eess.AS | This paper explores how Generative Adversarial Networks (GANs) learn
representations of phonological phenomena. We analyze how GANs encode
contrastive and non-contrastive nasality in French and English vowels by
applying the ciwGAN architecture (Begus 2021a). Begus claims that ciwGAN
encodes linguistically meaningful representations with categorical variables in
its latent space and manipulating the latent variables shows an almost one to
one corresponding control of the phonological features in ciwGAN's generated
outputs. However, our results show an interactive effect of latent variables on
the features in the generated outputs, which suggests the learned
representations in neural networks are different from the phonological
representations proposed by linguists. On the other hand, ciwGAN is able to
distinguish contrastive and noncontrastive features in English and French by
encoding them differently. Comparing the performance of GANs learning from
different languages results in a better understanding of what language specific
features contribute to developing language specific phonological
representations. We also discuss the role of training data frequencies in
phonological feature learning. | cs.CL | Exploring How Generative Adversarial Networks Learn Phonological Representations |
2023-05-21T16:28:57Z | http://arxiv.org/pdf/2305.12498v2 | http://arxiv.org/abs/2305.12498v2 | Yassir Fathullah, Chunyang Wu, Yuan Shangguan, Junteng Jia, Wenhan Xiong, Jay Mahadeokar, Chunxi Liu, Yangyang Shi, Ozlem Kalinli, Mike Seltzer, Mark J. F. Gales | 2023-05-25T21:55:58Z | eess.AS, cs.AI, cs.CL, cs.LG, cs.SD | State space models (SSMs) have recently shown promising results on
small-scale sequence and language modelling tasks, rivalling and outperforming
many attention-based approaches. In this paper, we propose a multi-head state
space (MH-SSM) architecture equipped with special gating mechanisms, where
parallel heads are taught to learn local and global temporal dynamics on
sequence data. As a drop-in replacement for multi-head attention in transformer
encoders, this new model significantly outperforms the transformer transducer
on the LibriSpeech speech recognition corpus. Furthermore, we augment the
transformer block with MH-SSMs layers, referred to as the Stateformer,
achieving state-of-the-art performance on the LibriSpeech task, with word error
rates of 1.76\%/4.37\% on the development and 1.91\%/4.36\% on the test sets
without using an external language model. | eess.AS | Multi-Head State Space Model for Speech Recognition |
2023-05-21T16:15:12Z | http://arxiv.org/pdf/2305.12495v2 | http://arxiv.org/abs/2305.12495v2 | Gaurav Maheshwari, Aurélien Bellet, Pascal Denis, Mikaela Keller | 2023-11-07T10:19:02Z | cs.LG, cs.CL, cs.CY | In this work, we consider the problem of intersectional group fairness in the
classification setting, where the objective is to learn discrimination-free
models in the presence of several intersecting sensitive groups. First, we
illustrate various shortcomings of existing fairness measures commonly used to
capture intersectional fairness. Then, we propose a new definition called the
$\alpha$-Intersectional Fairness, which combines the absolute and the relative
performance across sensitive groups and can be seen as a generalization of the
notion of differential fairness. We highlight several desirable properties of
the proposed definition and analyze its relation to other fairness measures.
Finally, we benchmark multiple popular in-processing fair machine learning
approaches using our new fairness definition and show that they do not achieve
any improvement over a simple baseline. Our results reveal that the increase in
fairness measured by previous definitions hides a "leveling down" effect, i.e.,
degrading the best performance over groups rather than improving the worst one. | cs.LG | Fair Without Leveling Down: A New Intersectional Fairness Definition |
2023-05-21T16:08:04Z | http://arxiv.org/pdf/2305.12493v5 | http://arxiv.org/abs/2305.12493v5 | Kaixun Huang, Ao Zhang, Zhanheng Yang, Pengcheng Guo, Bingshen Mu, Tianyi Xu, Lei Xie | 2023-07-12T17:41:53Z | eess.AS, cs.CL, cs.SD | Contextual information plays a crucial role in speech recognition
technologies and incorporating it into the end-to-end speech recognition models
has drawn immense interest recently. However, previous deep bias methods lacked
explicit supervision for bias tasks. In this study, we introduce a contextual
phrase prediction network for an attention-based deep bias method. This network
predicts context phrases in utterances using contextual embeddings and
calculates bias loss to assist in the training of the contextualized model. Our
method achieved a significant word error rate (WER) reduction across various
end-to-end speech recognition models. Experiments on the LibriSpeech corpus
show that our proposed model obtains a 12.1% relative WER improvement over the
baseline model, and the WER of the context phrases decreases relatively by
40.5%. Moreover, by applying a context phrase filtering strategy, we also
effectively eliminate the WER degradation when using a larger biasing list. | eess.AS | Contextualized End-to-End Speech Recognition with Contextual Phrase Prediction Network |
2023-05-21T15:42:41Z | http://arxiv.org/pdf/2305.12487v1 | http://arxiv.org/abs/2305.12487v1 | Cédric Colas, Laetitia Teodorescu, Pierre-Yves Oudeyer, Xingdi Yuan, Marc-Alexandre Côté | 2023-05-21T15:42:41Z | cs.AI, cs.CL, cs.LG | Humans learn to master open-ended repertoires of skills by imagining and
practicing their own goals. This autotelic learning process, literally the
pursuit of self-generated (auto) goals (telos), becomes more and more
open-ended as the goals become more diverse, abstract and creative. The
resulting exploration of the space of possible skills is supported by an
inter-individual exploration: goal representations are culturally evolved and
transmitted across individuals, in particular using language. Current
artificial agents mostly rely on predefined goal representations corresponding
to goal spaces that are either bounded (e.g. list of instructions), or
unbounded (e.g. the space of possible visual inputs) but are rarely endowed
with the ability to reshape their goal representations, to form new
abstractions or to imagine creative goals. In this paper, we introduce a
language model augmented autotelic agent (LMA3) that leverages a pretrained
language model (LM) to support the representation, generation and learning of
diverse, abstract, human-relevant goals. The LM is used as an imperfect model
of human cultural transmission; an attempt to capture aspects of humans'
common-sense, intuitive physics and overall interests. Specifically, it
supports three key components of the autotelic architecture: 1)~a relabeler
that describes the goals achieved in the agent's trajectories, 2)~a goal
generator that suggests new high-level goals along with their decomposition
into subgoals the agent already masters, and 3)~reward functions for each of
these goals. Without relying on any hand-coded goal representations, reward
functions or curriculum, we show that LMA3 agents learn to master a large
diversity of skills in a task-agnostic text-based environment. | cs.AI | Augmenting Autotelic Agents with Large Language Models |
2023-05-21T15:31:23Z | http://arxiv.org/pdf/2305.12485v2 | http://arxiv.org/abs/2305.12485v2 | Limao Xiong, Jie Zhou, Qunxi Zhu, Xiao Wang, Yuanbin Wu, Qi Zhang, Tao Gui, Xuanjing Huang, Jin Ma, Ying Shan | 2023-07-27T10:06:49Z | cs.CL, cs.AI | Existing models for named entity recognition (NER) are mainly based on
large-scale labeled datasets, which always obtain using crowdsourcing. However,
it is hard to obtain a unified and correct label via majority voting from
multiple annotators for NER due to the large labeling space and complexity of
this task. To address this problem, we aim to utilize the original
multi-annotator labels directly. Particularly, we propose a Confidence-based
Partial Label Learning (CPLL) method to integrate the prior confidence (given
by annotators) and posterior confidences (learned by models) for
crowd-annotated NER. This model learns a token- and content-dependent
confidence via an Expectation-Maximization (EM) algorithm by minimizing
empirical risk. The true posterior estimator and confidence estimator perform
iteratively to update the true posterior and confidence respectively. We
conduct extensive experimental results on both real-world and synthetic
datasets, which show that our model can improve performance effectively
compared with strong baselines. | cs.CL | A Confidence-based Partial Label Learning Model for Crowd-Annotated Named Entity Recognition |
2023-05-21T15:20:20Z | http://arxiv.org/pdf/2305.12483v1 | http://arxiv.org/abs/2305.12483v1 | Konstantinos Papakostas, Irene Papadopoulou | 2023-05-21T15:20:20Z | cs.CL, cs.AI, cs.LG | Ambiguous questions are a challenge for Question Answering models, as they
require answers that cover multiple interpretations of the original query. To
this end, these models are required to generate long-form answers that often
combine conflicting pieces of information. Although recent advances in the
field have shown strong capabilities in generating fluent responses, certain
research questions remain unanswered. Does model/data scaling improve the
answers' quality? Do automated metrics align with human judgment? To what
extent do these models ground their answers in evidence? In this study, we aim
to thoroughly investigate these aspects, and provide valuable insights into the
limitations of the current approaches. To aid in reproducibility and further
extension of our work, we open-source our code at
https://github.com/din0s/ambig_lfqa. | cs.CL | Model Analysis & Evaluation for Ambiguous Question Answering |
2023-05-21T15:07:04Z | http://arxiv.org/pdf/2305.12480v1 | http://arxiv.org/abs/2305.12480v1 | Lei Shen, Shuai Yu, Xiaoyu Shen | 2023-05-21T15:07:04Z | cs.CL | Cross-lingual transfer is important for developing high-quality chatbots in
multiple languages due to the strongly imbalanced distribution of language
resources. A typical approach is to leverage off-the-shelf machine translation
(MT) systems to utilize either the training corpus or developed models from
high-resource languages. In this work, we investigate whether it is helpful to
utilize MT at all in this task. To do so, we simulate a low-resource scenario
assuming access to limited Chinese dialog data in the movie domain and large
amounts of English dialog data from multiple domains. Experiments show that
leveraging English dialog corpora can indeed improve the naturalness, relevance
and cross-domain transferability in Chinese. However, directly using English
dialog corpora in its original form, surprisingly, is better than using its
translated version. As the topics and wording habits in daily conversations are
strongly culture-dependent, MT can reinforce the bias from high-resource
languages, yielding unnatural generations in the target language. Considering
the cost of translating large amounts of text and the strong effects of the
translation quality, we suggest future research should rather focus on
utilizing the original English data for cross-lingual transfer in dialog
generation. We perform extensive human evaluations and ablation studies. The
analysis results, together with the collected dataset, are presented to draw
attention towards this area and benefit future research. | cs.CL | Is Translation Helpful? An Empirical Analysis of Cross-Lingual Transfer in Low-Resource Dialog Generation |
2023-05-21T14:45:17Z | http://arxiv.org/pdf/2305.12477v2 | http://arxiv.org/abs/2305.12477v2 | Jessica López Espejel, El Hassane Ettifouri, Mahaman Sanoussi Yahaya Alassan, El Mehdi Chouham, Walid Dahhane | 2023-09-19T21:34:51Z | cs.CL, cs.AI | Large Language Models (LLMs) have exhibited remarkable performance on various
Natural Language Processing (NLP) tasks. However, there is a current hot debate
regarding their reasoning capacity. In this paper, we examine the performance
of GPT-3.5, GPT-4, and BARD models, by performing a thorough technical
evaluation on different reasoning tasks across eleven distinct datasets. Our
paper provides empirical evidence showcasing the superior performance of
ChatGPT-4 in comparison to both ChatGPT-3.5 and BARD in zero-shot setting
throughout almost all evaluated tasks. While the superiority of GPT-4 compared
to GPT-3.5 might be explained by its larger size and NLP efficiency, this was
not evident for BARD. We also demonstrate that the three models show limited
proficiency in Inductive, Mathematical, and Multi-hop Reasoning Tasks. To
bolster our findings, we present a detailed and comprehensive analysis of the
results from these three models. Furthermore, we propose a set of engineered
prompts that enhances the zero-shot setting performance of all three models. | cs.CL | GPT-3.5, GPT-4, or BARD? Evaluating LLMs Reasoning Ability in Zero-Shot Setting and Performance Boosting Through Prompts |
2023-05-21T14:39:28Z | http://arxiv.org/pdf/2305.12474v3 | http://arxiv.org/abs/2305.12474v3 | Xiaotian Zhang, Chunyang Li, Yi Zong, Zhengyu Ying, Liang He, Xipeng Qiu | 2024-02-24T15:44:21Z | cs.CL, cs.AI | Large Language Models(LLMs) have demonstrated remarkable performance across
various natural language processing tasks; however, how to comprehensively and
accurately assess their performance becomes an urgent issue to be addressed.
This paper introduces GAOKAO-Bench, an intuitive benchmark that employs
questions from the Chinese GAOKAO examination as test samples, including both
subjective and objective questions. To align with human examination methods, we
design a method based on zero-shot settings to evaluate the performance of
LLMs. With human evaluation, we obtain the converted total score of LLMs,
including GPT-4, ChatGPT and ERNIE-Bot.Our findings reveal that LLMs have
achieved competitive scores in Chinese GAOKAO examination, while they exhibit
significant performance disparities across various subjects. We also use LLMs
to grade the subjective questions, and find that model scores achieve a
moderate level of consistency with human scores. In conclusion, this research
contributes a robust evaluation benchmark for future large language models and
offers valuable insights into the advantages and limitations of such models. | cs.CL | Evaluating the Performance of Large Language Models on GAOKAO Benchmark |
2023-05-21T14:35:32Z | http://arxiv.org/pdf/2305.12473v2 | http://arxiv.org/abs/2305.12473v2 | Ge Gao, Hung-Ting Chen, Yoav Artzi, Eunsol Choi | 2023-11-03T18:23:58Z | cs.CL, cs.AI, cs.LG | We study continually improving an extractive question answering (QA) system
via human user feedback. We design and deploy an iterative approach, where
information-seeking users ask questions, receive model-predicted answers, and
provide feedback. We conduct experiments involving thousands of user
interactions under diverse setups to broaden the understanding of learning from
feedback over time. Our experiments show effective improvement from user
feedback of extractive QA models over time across different data regimes,
including significant potential for domain adaptation. | cs.CL | Continually Improving Extractive QA via Human Feedback |
2023-05-21T14:03:54Z | http://arxiv.org/pdf/2305.12464v3 | http://arxiv.org/abs/2305.12464v3 | Oli Liu, Hao Tang, Sharon Goldwater | 2023-12-11T11:36:22Z | cs.CL, cs.SD | Self-supervised speech representations are known to encode both speaker and
phonetic information, but how they are distributed in the high-dimensional
space remains largely unexplored. We hypothesize that they are encoded in
orthogonal subspaces, a property that lends itself to simple disentanglement.
Applying principal component analysis to representations of two predictive
coding models, we identify two subspaces that capture speaker and phonetic
variances, and confirm that they are nearly orthogonal. Based on this property,
we propose a new speaker normalization method which collapses the subspace that
encodes speaker information, without requiring transcriptions. Probing
experiments show that our method effectively eliminates speaker information and
outperforms a previous baseline in phone discrimination tasks. Moreover, the
approach generalizes and can be used to remove information of unseen speakers. | cs.CL | Self-supervised Predictive Coding Models Encode Speaker and Phonetic Information in Orthogonal Subspaces |
2023-05-21T14:03:49Z | http://arxiv.org/pdf/2305.12463v1 | http://arxiv.org/abs/2305.12463v1 | Renliang Sun, Wei Xu, Xiaojun Wan | 2023-05-21T14:03:49Z | cs.CL, cs.AI | Randomly masking text spans in ordinary texts in the pre-training stage
hardly allows models to acquire the ability to generate simple texts. It can
hurt the performance of pre-trained models on text simplification tasks. In
this paper, we propose a new continued pre-training strategy to teach the
pre-trained model to generate simple texts. We continue pre-training BART, a
representative model, to obtain SimpleBART. It consistently and significantly
improves the results on lexical simplification, sentence simplification, and
document-level simplification tasks over BART. At the end, we compare
SimpleBART with several representative large language models (LLMs). | cs.CL | Teaching the Pre-trained Model to Generate Simple Texts for Text Simplification |
2023-05-21T13:30:56Z | http://arxiv.org/pdf/2305.12458v1 | http://arxiv.org/abs/2305.12458v1 | Wenxi Tan | 2023-05-21T13:30:56Z | cs.CL | The prevalence of Transformer-based pre-trained language models (PLMs) has
led to their wide adoption for various natural language processing tasks.
However, their excessive overhead leads to large latency and computational
costs. The statically compression methods allocate fixed computation to
different samples, resulting in redundant computation. The dynamic token
pruning method selectively shortens the sequences but are unable to change the
model size and hardly achieve the speedups as static pruning. In this paper, we
propose a model accelaration approaches for large language models that
incorporates dynamic token downsampling and static pruning, optimized by the
information bottleneck loss. Our model, Infor-Coef, achieves an 18x FLOPs
speedup with an accuracy degradation of less than 8\% compared to BERT. This
work provides a promising approach to compress and accelerate transformer-based
models for NLP tasks. | cs.CL | Infor-Coef: Information Bottleneck-based Dynamic Token Downsampling for Compact and Efficient language model |
2023-05-21T12:48:38Z | http://arxiv.org/pdf/2305.12449v1 | http://arxiv.org/abs/2305.12449v1 | Yi Liu, Xiaohan Bi, Lei Li, Sishuo Chen, Wenkai Yang, Xu Sun | 2023-05-21T12:48:38Z | cs.CL, cs.AI | Federated Multilingual Neural Machine Translation (Fed-MNMT) has emerged as a
promising paradigm for institutions with limited language resources. This
approach allows multiple institutions to act as clients and train a unified
model through model synchronization, rather than collecting sensitive data for
centralized training. This significantly reduces the cost of corpus collection
and preserves data privacy. However, as pre-trained language models (PLMs)
continue to increase in size, the communication cost for transmitting
parameters during synchronization has become a training speed bottleneck. In
this paper, we propose a communication-efficient Fed-MNMT framework that
addresses this issue by keeping PLMs frozen and only transferring lightweight
adapter modules between clients. Since different language pairs exhibit
substantial discrepancies in data distributions, adapter parameters of clients
may conflict with each other. To tackle this, we explore various clustering
strategies to group parameters for integration and mitigate the negative
effects of conflicting parameters. Experimental results demonstrate that our
framework reduces communication cost by over 98% while achieving similar or
even better performance compared to competitive baselines. Further analysis
reveals that clustering strategies effectively solve the problem of linguistic
discrepancy and pruning adapter modules further improves communication
efficiency. | cs.CL | Communication Efficient Federated Learning for Multilingual Neural Machine Translation with Adapter |
2023-05-21T12:20:13Z | http://arxiv.org/pdf/2305.12441v2 | http://arxiv.org/abs/2305.12441v2 | Gongyao Jiang, Shuang Liu, Meishan Zhang, Min Zhang | 2023-06-01T03:03:43Z | cs.CL | Dialogue-level dependency parsing has received insufficient attention,
especially for Chinese. To this end, we draw on ideas from syntactic dependency
and rhetorical structure theory (RST), developing a high-quality
human-annotated corpus, which contains 850 dialogues and 199,803 dependencies.
Considering that such tasks suffer from high annotation costs, we investigate
zero-shot and few-shot scenarios. Based on an existing syntactic treebank, we
adopt a signal-based method to transform seen syntactic dependencies into
unseen ones between elementary discourse units (EDUs), where the signals are
detected by masked language modeling. Besides, we apply single-view and
multi-view data selection to access reliable pseudo-labeled instances.
Experimental results show the effectiveness of these baselines. Moreover, we
discuss several crucial points about our dataset and approach. | cs.CL | A Pilot Study on Dialogue-Level Dependency Parsing for Chinese |
2023-05-21T12:17:27Z | http://arxiv.org/pdf/2305.11916v1 | http://arxiv.org/abs/2305.11916v1 | Xiangxiang Gao, Wei Zhu, Jiasheng Gao, Congrui Yin | 2023-05-21T12:17:27Z | cs.CL | Computational complexity and overthinking problems have become the
bottlenecks for pre-training language models (PLMs) with millions or even
trillions of parameters. A Flexible-Patience-Based Early Exiting method
(F-PABEE) has been proposed to alleviate the problems mentioned above for
single-label classification (SLC) and multi-label classification (MLC) tasks.
F-PABEE makes predictions at the classifier and will exit early if predicted
distributions of cross-layer are consecutively similar. It is more flexible
than the previous state-of-the-art (SOTA) early exiting method PABEE because it
can simultaneously adjust the similarity score thresholds and the patience
parameters. Extensive experiments show that: (1) F-PABEE makes a better
speedup-accuracy balance than existing early exiting strategies on both SLC and
MLC tasks. (2) F-PABEE achieves faster inference and better performances on
different PLMs such as BERT and ALBERT. (3) F-PABEE-JSKD performs best for
F-PABEE with different similarity measures. | cs.CL | F-PABEE: Flexible-patience-based Early Exiting for Single-label and Multi-label text Classification Tasks |
2023-05-21T11:25:59Z | http://arxiv.org/pdf/2305.12434v1 | http://arxiv.org/abs/2305.12434v1 | Yuxuan Wan, Wenxuan Wang, Pinjia He, Jiazhen Gu, Haonan Bai, Michael Lyu | 2023-05-21T11:25:59Z | cs.CL, cs.AI | Powered by advanced Artificial Intelligence (AI) techniques, conversational
AI systems, such as ChatGPT and digital assistants like Siri, have been widely
deployed in daily life. However, such systems may still produce content
containing biases and stereotypes, causing potential social problems. Due to
the data-driven, black-box nature of modern AI techniques, comprehensively
identifying and measuring biases in conversational systems remains a
challenging task. Particularly, it is hard to generate inputs that can
comprehensively trigger potential bias due to the lack of data containing both
social groups as well as biased properties. In addition, modern conversational
systems can produce diverse responses (e.g., chatting and explanation), which
makes existing bias detection methods simply based on the sentiment and the
toxicity hardly being adopted. In this paper, we propose BiasAsker, an
automated framework to identify and measure social bias in conversational AI
systems. To obtain social groups and biased properties, we construct a
comprehensive social bias dataset, containing a total of 841 groups and 8,110
biased properties. Given the dataset, BiasAsker automatically generates
questions and adopts a novel method based on existence measurement to identify
two types of biases (i.e., absolute bias and related bias) in conversational
systems. Extensive experiments on 8 commercial systems and 2 famous research
models, such as ChatGPT and GPT-3, show that 32.83% of the questions generated
by BiasAsker can trigger biased behaviors in these widely deployed
conversational systems. All the code, data, and experimental results have been
released to facilitate future research. | cs.CL | BiasAsker: Measuring the Bias in Conversational AI System |
2023-05-21T10:40:55Z | http://arxiv.org/pdf/2305.12421v4 | http://arxiv.org/abs/2305.12421v4 | Cunxiang Wang, Sirui Cheng, Qipeng Guo, Yuanhao Yue, Bowen Ding, Zhikun Xu, Yidong Wang, Xiangkun Hu, Zheng Zhang, Yue Zhang | 2023-10-23T14:26:26Z | cs.CL, cs.AI | This study focuses on the evaluation of the Open Question Answering (Open-QA)
task, which can directly estimate the factuality of large language models
(LLMs). Current automatic evaluation methods have shown limitations, indicating
that human evaluation still remains the most reliable approach. We introduce a
new task, Evaluating QA Evaluation (QA-Eval) and the corresponding dataset
EVOUNA, designed to assess the accuracy of AI-generated answers in relation to
standard answers within Open-QA. Our evaluation of these methods utilizes
human-annotated results to measure their performance. Specifically, the work
investigates methods that show high correlation with human evaluations, deeming
them more reliable. We also discuss the pitfalls of current methods and methods
to improve LLM-based evaluators. We believe this new QA-Eval task and
corresponding dataset EVOUNA will facilitate the development of more effective
automatic evaluation tools and prove valuable for future research in this area.
All resources are available at \url{https://github.com/wangcunxiang/QA-Eval}
and it is under the Apache-2.0 License. | cs.CL | Evaluating Open-QA Evaluation |
2023-05-21T09:22:41Z | http://arxiv.org/pdf/2305.12412v1 | http://arxiv.org/abs/2305.12412v1 | Yiyang Li, Hai Zhao | 2023-05-21T09:22:41Z | cs.CL | Dialogue response generation requires an agent to generate a response
according to the current dialogue history, in terms of which two-party
dialogues have been well studied, but leaving a great gap for multi-party
dialogues at the same time. Different from two-party dialogues where each
response is a direct reply to its previous utterance, the addressee of a
response utterance should be specified before it is generated in the
multi-party scenario. Thanks to the huge amount of two-party conversational
data, various pre-trained language models for two-party dialogue response
generation have been proposed. However, due to the lack of annotated addressee
labels in multi-party dialogue datasets, it is hard to use them to pre-train a
response generation model for multi-party dialogues. To tackle this obstacle,
we propose an Expectation-Maximization (EM) approach that iteratively performs
the expectation steps to generate addressee labels, and the maximization steps
to optimize a response generation model. Theoretical analyses and extensive
experiments have justified the feasibility and effectiveness of our proposed
method. | cs.CL | EM Pre-training for Multi-party Dialogue Response Generation |
2023-05-21T08:51:24Z | http://arxiv.org/pdf/2305.12401v2 | http://arxiv.org/abs/2305.12401v2 | Tianle Wang, Zihan Wang, Weitang Liu, Jingbo Shang | 2023-11-22T23:56:43Z | cs.CL | State-of-the-art weakly supervised text classification methods, while
significantly reduced the required human supervision, still requires the
supervision to cover all the classes of interest. This is never easy to meet in
practice when human explore new, large corpora without complete pictures. In
this paper, we work on a novel yet important problem of weakly supervised
open-world text classification, where supervision is only needed for a few
examples from a few known classes and the machine should handle both known and
unknown classes in test time. General open-world classification has been
studied mostly using image classification; however, existing methods typically
assume the availability of sufficient known-class supervision and strong
unknown-class prior knowledge (e.g., the number and/or data distribution). We
propose a novel framework WOT-Class that lifts those strong assumptions.
Specifically, it follows an iterative process of (a) clustering text to new
classes, (b) mining and ranking indicative words for each class, and (c)
merging redundant classes by using the overlapped indicative words as a bridge.
Extensive experiments on 7 popular text classification datasets demonstrate
that WOT-Class outperforms strong baselines consistently with a large margin,
attaining 23.33% greater average absolute macro-F1 over existing approaches
across all datasets. Such competent accuracy illuminates the practical
potential of further reducing human effort for text classification. | cs.CL | WOT-Class: Weakly Supervised Open-world Text Classification |
2023-05-21T08:15:12Z | http://arxiv.org/pdf/2305.12394v1 | http://arxiv.org/abs/2305.12394v1 | Siyu Ren, Kenny Q. Zhu | 2023-05-21T08:15:12Z | cs.CL | Iterative pruning is one of the most effective compression methods for
pre-trained language models. We discovered that finding the optimal pruning
decision is an equality-constrained 0-1 Integer Linear Programming problem. The
solution to this optimization problem leads to a principled importance
criterion which we use to rank parameters during iterative model pruning. To
mitigate the poor generalization at high sparsity levels, we propose a
self-regularization scheme where model prediction is regularized by the latest
checkpoint with increasing sparsity throughout pruning. Our experiments on
natural language understanding, question-answering, named entity recognition,
and data-to-text generation with various Transformer-based PLMs show the
effectiveness of the approach at various sparsity levels. | cs.CL | Pruning Pre-trained Language Models with Principled Importance and Self-regularization |
2023-05-21T08:11:24Z | http://arxiv.org/pdf/2305.12392v3 | http://arxiv.org/abs/2305.12392v3 | Jiuzhou Han, Nigel Collier, Wray Buntine, Ehsan Shareghi | 2024-05-30T13:23:24Z | cs.CL | Large language models (LLMs) have shown great abilities of solving various
natural language tasks in different domains. Due to the training objective of
LLMs and their pre-training data, LLMs are not very well equipped for tasks
involving structured data generation. We propose a framework, Prompting with
Iterative Verification (PiVe), to improve graph-based generative capability of
LLMs. We show how a small language model could be trained to act as a verifier
module for the output of an LLM~(i.e., ChatGPT, GPT-4), and to iteratively
improve its performance via fine-grained corrective instructions. We also show
how the verifier module could apply iterative corrections offline for a more
cost-effective solution to the text-to-graph generation task. Experiments on
three graph-based datasets show consistent improvement gained via PiVe.
Additionally, we create GenWiki-HIQ and highlight that the verifier module can
be used as a data augmentation tool to help improve the quality of
automatically generated parallel text-graph datasets. | cs.CL | PiVe: Prompting with Iterative Verification Improving Graph-based Generative Capability of LLMs |
2023-05-21T08:02:06Z | http://arxiv.org/pdf/2305.12389v1 | http://arxiv.org/abs/2305.12389v1 | Jun-Yu Ma, Jia-Chen Gu, Zhen-Hua Ling, Quan Liu, Cong Liu, Guoping Hu | 2023-05-21T08:02:06Z | cs.CL | Zero-shot cross-lingual information extraction(IE) aims at constructing an IE
model for some low-resource target languages, given annotations exclusively in
some rich-resource languages. Recent studies based on language-universal
features have shown their effectiveness and are attracting increasing
attention. However, prior work has neither explored the potential of
establishing interactions between language-universal features and contextual
representations nor incorporated features that can effectively model
constituent span attributes and relationships between multiple spans. In this
study, a syntax-augmented hierarchical interactive encoder (SHINE) is proposed
to transfer cross-lingual IE knowledge. The proposed encoder is capable of
interactively capturing complementary information between features and
contextual information, to derive language-agnostic representations for various
IE tasks. Concretely, a multi-level interaction network is designed to
hierarchically interact the complementary information to strengthen domain
adaptability. Besides, in addition to the well-studied syntax features of
part-of-speech and dependency relation, a new syntax feature of constituency
structure is introduced to model the constituent span information which is
crucial for IE. Experiments across seven languages on three IE tasks and four
benchmarks verify the effectiveness and generalization ability of the proposed
method. | cs.CL | SHINE: Syntax-augmented Hierarchical Interactive Encoder for Zero-shot Cross-lingual Information Extraction |
2023-05-21T07:10:31Z | http://arxiv.org/pdf/2305.12376v1 | http://arxiv.org/abs/2305.12376v1 | Nadav Borenstein, Karolina Stańczak, Thea Rolskov, Natália da Silva Perez, Natacha Klein Käfer, Isabelle Augenstein | 2023-05-21T07:10:31Z | cs.CL, cs.CY, cs.LG | Data-driven analyses of biases in historical texts can help illuminate the
origin and development of biases prevailing in modern society.
However, digitised historical documents pose a challenge for NLP
practitioners as these corpora suffer from errors introduced by optical
character recognition (OCR) and are written in an archaic language. In this
paper, we investigate the continuities and transformations of bias in
historical newspapers published in the Caribbean during the colonial era (18th
to 19th centuries). Our analyses are performed along the axes of gender, race,
and their intersection. We examine these biases by conducting a temporal study
in which we measure the development of lexical associations using
distributional semantics models and word embeddings. Further, we evaluate the
effectiveness of techniques designed to process OCR-generated data and assess
their stability when trained on and applied to the noisy historical newspapers.
We find that there is a trade-off between the stability of the word embeddings
and their compatibility with the historical dataset. We provide evidence that
gender and racial biases are interdependent, and their intersection triggers
distinct effects. These findings align with the theory of intersectionality,
which stresses that biases affecting people with multiple marginalised
identities compound to more than the sum of their constituents. | cs.CL | Measuring Intersectional Biases in Historical Documents |
2023-05-21T06:46:33Z | http://arxiv.org/pdf/2305.12371v1 | http://arxiv.org/abs/2305.12371v1 | Amit Kumar, Shantipriya Parida, Ajay Pratap, Anil Kumar Singh | 2023-05-21T06:46:33Z | cs.CL | The use of subword embedding has proved to be a major innovation in Neural
Machine Translation (NMT). It helps NMT to learn better context vectors for Low
Resource Languages (LRLs) so as to predict the target words by better modelling
the morphologies of the two languages and also the morphosyntax transfer. Even
so, their performance for translation in Indian language to Indian language
scenario is still not as good as for resource-rich languages. One reason for
this is the relative morphological richness of Indian languages, while another
is that most of them fall into the extremely low resource or zero-shot
categories. Since most major Indian languages use Indic or Brahmi origin
scripts, the text written in them is highly phonetic in nature and phonetically
similar in terms of abstract letters and their arrangements. We use these
characteristics of Indian languages and their scripts to propose an approach
based on common multilingual Latin-based encodings (WX notation) that take
advantage of language similarity while addressing the morphological complexity
issue in NMT. These multilingual Latin-based encodings in NMT, together with
Byte Pair Embedding (BPE) allow us to better exploit their phonetic and
orthographic as well as lexical similarities to improve the translation quality
by projecting different but similar languages on the same orthographic-phonetic
character space. We verify the proposed approach by demonstrating experiments
on similar language pairs (Gujarati-Hindi, Marathi-Hindi, Nepali-Hindi,
Maithili-Hindi, Punjabi-Hindi, and Urdu-Hindi) under low resource conditions.
The proposed approach shows an improvement in a majority of cases, in one case
as much as ~10 BLEU points compared to baseline techniques for similar language
pairs. We also get up to ~1 BLEU points improvement on distant and zero-shot
language pairs. | cs.CL | Machine Translation by Projecting Text into the Same Phonetic-Orthographic Space Using a Common Encoding |
2023-05-21T05:06:46Z | http://arxiv.org/pdf/2305.12351v2 | http://arxiv.org/abs/2305.12351v2 | Christopher Burger, Lingwei Chen, Thai Le | 2023-10-15T13:19:44Z | cs.LG, cs.CL | LIME has emerged as one of the most commonly referenced tools in explainable
AI (XAI) frameworks that is integrated into critical machine learning
applications--e.g., healthcare and finance. However, its stability remains
little explored, especially in the context of text data, due to the unique
text-space constraints. To address these challenges, in this paper, we first
evaluate the inherent instability of LIME on text data to establish a baseline,
and then propose a novel algorithm XAIFooler to perturb text inputs and
manipulate explanations that casts investigation on the stability of LIME as a
text perturbation optimization problem. XAIFooler conforms to the constraints
to preserve text semantics and original prediction with small perturbations,
and introduces Rank-biased Overlap (RBO) as a key part to guide the
optimization of XAIFooler that satisfies all the requirements for explanation
similarity measure. Extensive experiments on real-world text datasets
demonstrate that XAIFooler significantly outperforms all baselines by large
margins in its ability to manipulate LIME's explanations with high semantic
preservability. | cs.LG | Are Your Explanations Reliable? Investigating the Stability of LIME in Explaining Text Classifiers by Marrying XAI and Adversarial Attack |
2023-05-21T03:35:45Z | http://arxiv.org/pdf/2305.12330v1 | http://arxiv.org/abs/2305.12330v1 | Chen Zhang, Yang Yang, Jingang Wang, Dawei Song | 2023-05-21T03:35:45Z | cs.CL | Finetuning pretrained language models (LMs) have enabled appealing
performance on a diverse array of tasks. The intriguing task-agnostic property
has driven a shifted focus from task-specific to task-agnostic distillation of
LMs. While task-agnostic, compute-efficient, performance-preserved LMs can be
yielded by task-agnostic distillation, previous studies mainly sit in
distillation of either encoder-only LMs (e.g., BERT) or decoder-only ones
(e.g., GPT) yet largely neglect that distillation of encoder-decoder LMs (e.g.,
T5) can posit very distinguished behaviors. Frustratingly, we discover that
existing task-agnostic distillation methods can fail to handle the distillation
of encoder-decoder LMs. To the demand, we explore a few paths and uncover a
path named as MiniEnD that successfully tackles the distillation of
encoder-decoder LMs in a task-agnostic fashion. We examine MiniEnD on language
understanding and abstractive summarization. The results showcase that MiniEnD
is generally effective and is competitive compared to other alternatives. We
further scale MiniEnD up to distillation of 3B encoder-decoder language models
with interpolated distillation. The results imply the opportunities and
challenges in distilling large language models (e.g., LLaMA). | cs.CL | Task-agnostic Distillation of Encoder-Decoder Language Models |
2023-05-21T02:06:33Z | http://arxiv.org/pdf/2305.13338v2 | http://arxiv.org/abs/2305.13338v2 | Marcin P. Joachimiak, J. Harry Caufield, Nomi L. Harris, Hyeongsik Kim, Christopher J. Mungall | 2023-05-25T19:10:13Z | q-bio.GN, cs.AI, cs.CL, q-bio.QM | Molecular biologists frequently interpret gene lists derived from
high-throughput experiments and computational analysis. This is typically done
as a statistical enrichment analysis that measures the over- or
under-representation of biological function terms associated with genes or
their properties, based on curated assertions from a knowledge base (KB) such
as the Gene Ontology (GO). Interpreting gene lists can also be framed as a
textual summarization task, enabling the use of Large Language Models (LLMs),
potentially utilizing scientific texts directly and avoiding reliance on a KB.
We developed SPINDOCTOR (Structured Prompt Interpolation of Natural Language
Descriptions of Controlled Terms for Ontology Reporting), a method that uses
GPT models to perform gene set function summarization as a complement to
standard enrichment analysis. This method can use different sources of gene
functional information: (1) structured text derived from curated ontological KB
annotations, (2) ontology-free narrative gene summaries, or (3) direct model
retrieval.
We demonstrate that these methods are able to generate plausible and
biologically valid summary GO term lists for gene sets. However, GPT-based
approaches are unable to deliver reliable scores or p-values and often return
terms that are not statistically significant. Crucially, these methods were
rarely able to recapitulate the most precise and informative term from standard
enrichment, likely due to an inability to generalize and reason using an
ontology. Results are highly nondeterministic, with minor variations in prompt
resulting in radically different term lists. Our results show that at this
point, LLM-based methods are unsuitable as a replacement for standard term
enrichment analysis and that manual curation of ontological assertions remains
necessary. | q-bio.GN | Gene Set Summarization using Large Language Models |
2023-05-21T01:25:44Z | http://arxiv.org/pdf/2305.12311v1 | http://arxiv.org/abs/2305.12311v1 | Ziyi Yang, Mahmoud Khademi, Yichong Xu, Reid Pryzant, Yuwei Fang, Chenguang Zhu, Dongdong Chen, Yao Qian, Mei Gao, Yi-Ling Chen, Robert Gmyr, Naoyuki Kanda, Noel Codella, Bin Xiao, Yu Shi, Lu Yuan, Takuya Yoshioka, Michael Zeng, Xuedong Huang | 2023-05-21T01:25:44Z | cs.CL, cs.AI, cs.CV, cs.LG, eess.AS | The convergence of text, visual, and audio data is a key step towards
human-like artificial intelligence, however the current Vision-Language-Speech
landscape is dominated by encoder-only models which lack generative abilities.
We propose closing this gap with i-Code V2, the first model capable of
generating natural language from any combination of Vision, Language, and
Speech data. i-Code V2 is an integrative system that leverages state-of-the-art
single-modality encoders, combining their outputs with a new modality-fusing
encoder in order to flexibly project combinations of modalities into a shared
representational space. Next, language tokens are generated from these
representations via an autoregressive decoder. The whole framework is
pretrained end-to-end on a large collection of dual- and single-modality
datasets using a novel text completion objective that can be generalized across
arbitrary combinations of modalities. i-Code V2 matches or outperforms
state-of-the-art single- and dual-modality baselines on 7 multimodal tasks,
demonstrating the power of generative multimodal pretraining across a diversity
of tasks and signals. | cs.CL | i-Code V2: An Autoregressive Generation Framework over Vision, Language, and Speech Data |
2023-05-21T00:32:37Z | http://arxiv.org/pdf/2305.12307v3 | http://arxiv.org/abs/2305.12307v3 | Tanay Komarlu, Minhao Jiang, Xuan Wang, Jiawei Han | 2024-06-11T16:16:19Z | cs.CL | Fine-grained entity typing (FET), which assigns entities in text with
context-sensitive, fine-grained semantic types, is a basic but important task
for knowledge extraction from unstructured text. FET has been studied
extensively in natural language processing and typically relies on
human-annotated corpora for training, which is costly and difficult to scale.
Recent studies explore the utilization of pre-trained language models (PLMs) as
a knowledge base to generate rich and context-aware weak supervision for FET.
However, a PLM still requires direction and guidance to serve as a knowledge
base as they often generate a mixture of rough and fine-grained types, or
tokens unsuitable for typing. In this study, we vision that an ontology
provides a semantics-rich, hierarchical structure, which will help select the
best results generated by multiple PLM models and head words. Specifically, we
propose a novel annotation-free, ontology-guided FET method, OntoType, which
follows a type ontological structure, from coarse to fine, ensembles multiple
PLM prompting results to generate a set of type candidates, and refines its
type resolution, under the local context with a natural language inference
model. Our experiments on the Ontonotes, FIGER, and NYT datasets using their
associated ontological structures demonstrate that our method outperforms the
state-of-the-art zero-shot fine-grained entity typing methods as well as a
typical LLM method, ChatGPT. Our error analysis shows that refinement of the
existing ontology structures will further improve fine-grained entity typing. | cs.CL | OntoType: Ontology-Guided and Pre-Trained Language Model Assisted Fine-Grained Entity Typing |
2023-05-20T23:55:55Z | http://arxiv.org/pdf/2305.12301v1 | http://arxiv.org/abs/2305.12301v1 | Yi Xuan Tan, Navonil Majumder, Soujanya Poria | 2023-05-20T23:55:55Z | cs.CL, cs.AI, cs.SD, eess.AS | The pre-trained speech encoder wav2vec 2.0 performs very well on various
spoken language understanding (SLU) tasks. However, on many tasks, it trails
behind text encoders with textual input. To improve the understanding
capability of SLU encoders, various studies have used knowledge distillation to
transfer knowledge from natural language understanding (NLU) encoders. We use a
very simple method of distilling from a textual sentence embedder directly into
wav2vec 2.0 as pre-training, utilizing paired audio-text datasets. We observed
that this method is indeed capable of improving SLU task performance in
fine-tuned settings, as well as full-data and few-shot transfer on a frozen
encoder. However, the model performs worse on certain tasks highlighting the
strengths and weaknesses of our approach. | cs.CL | Sentence Embedder Guided Utterance Encoder (SEGUE) for Spoken Language Understanding |
2023-05-20T22:25:38Z | http://arxiv.org/pdf/2305.12295v2 | http://arxiv.org/abs/2305.12295v2 | Liangming Pan, Alon Albalak, Xinyi Wang, William Yang Wang | 2023-10-19T01:54:27Z | cs.CL, cs.AI | Large Language Models (LLMs) have shown human-like reasoning abilities but
still struggle with complex logical problems. This paper introduces a novel
framework, Logic-LM, which integrates LLMs with symbolic solvers to improve
logical problem-solving. Our method first utilizes LLMs to translate a natural
language problem into a symbolic formulation. Afterward, a deterministic
symbolic solver performs inference on the formulated problem. We also introduce
a self-refinement module, which utilizes the symbolic solver's error messages
to revise symbolic formalizations. We demonstrate Logic-LM's effectiveness on
five logical reasoning datasets: ProofWriter, PrOntoQA, FOLIO,
LogicalDeduction, and AR-LSAT. On average, Logic-LM achieves a significant
performance boost of 39.2% over using LLM alone with standard prompting and
18.4% over LLM with chain-of-thought prompting. Our findings suggest that
Logic-LM, by combining LLMs with symbolic logic, offers a promising avenue for
faithful logical reasoning. Code and data are publicly available at
https://github.com/teacherpeterpan/Logic-LLM. | cs.CL | Logic-LM: Empowering Large Language Models with Symbolic Solvers for Faithful Logical Reasoning |
2023-05-20T21:52:24Z | http://arxiv.org/pdf/2305.12289v1 | http://arxiv.org/abs/2305.12289v1 | Haw-Shiuan Chang, Zonghai Yao, Alolika Gon, Hong Yu, Andrew McCallum | 2023-05-20T21:52:24Z | cs.CL | Is the output softmax layer, which is adopted by most language models (LMs),
always the best way to compute the next word probability? Given so many
attention layers in a modern transformer-based LM, are the pointer networks
redundant nowadays? In this study, we discover that the answers to both
questions are no. This is because the softmax bottleneck sometimes prevents the
LMs from predicting the desired distribution and the pointer networks can be
used to break the bottleneck efficiently. Based on the finding, we propose
several softmax alternatives by simplifying the pointer networks and
accelerating the word-by-word rerankers. In GPT-2, our proposals are
significantly better and more efficient than mixture of softmax, a
state-of-the-art softmax alternative. In summarization experiments, without
significantly decreasing its training/testing speed, our best method based on
T5-Small improves factCC score by 2 points in CNN/DM and XSUM dataset, and
improves MAUVE scores by 30% in BookSum paragraph-level dataset. | cs.CL | Revisiting the Architectures like Pointer Networks to Efficiently Improve the Next Word Distribution, Summarization Factuality, and Beyond |
2023-05-20T21:15:19Z | http://arxiv.org/pdf/2305.12281v1 | http://arxiv.org/abs/2305.12281v1 | Wuyang Chen, Yanqi Zhou, Nan Du, Yanping Huang, James Laudon, Zhifeng Chen, Claire Cu | 2023-05-20T21:15:19Z | cs.CL, cs.LG | Pretraining on a large-scale corpus has become a standard method to build
general language models (LMs). Adapting a model to new data distributions
targeting different downstream tasks poses significant challenges. Naive
fine-tuning may incur catastrophic forgetting when the over-parameterized LMs
overfit the new data but fail to preserve the pretrained features. Lifelong
learning (LLL) aims to enable information systems to learn from a continuous
data stream across time. However, most prior work modifies the training recipe
assuming a static fixed network architecture. We find that additional model
capacity and proper regularization are key elements to achieving strong LLL
performance. Thus, we propose Lifelong-MoE, an extensible MoE
(Mixture-of-Experts) architecture that dynamically adds model capacity via
adding experts with regularized pretraining. Our results show that by only
introducing a limited number of extra experts while keeping the computation
cost constant, our model can steadily adapt to data distribution shifts while
preserving the previous knowledge. Compared to existing lifelong learning
approaches, Lifelong-MoE achieves better few-shot performance on 19 downstream
NLP tasks. | cs.CL | Lifelong Language Pretraining with Distribution-Specialized Experts |
2023-05-20T21:04:58Z | http://arxiv.org/pdf/2305.12280v3 | http://arxiv.org/abs/2305.12280v3 | Darshan Deshpande, Zhivar Sourati, Filip Ilievski, Fred Morstatter | 2024-06-18T03:11:21Z | cs.CL | Automatic assessment of the quality of arguments has been recognized as a
challenging task with significant implications for misinformation and targeted
speech. While real-world arguments are tightly anchored in context, existing
computational methods analyze their quality in isolation, which affects their
accuracy and generalizability. We propose SPARK: a novel method for scoring
argument quality based on contextualization via relevant knowledge. We devise
four augmentations that leverage large language models to provide feedback,
infer hidden assumptions, supply a similar-quality argument, or give a
counter-argument. SPARK uses a dual-encoder Transformer architecture to enable
the original argument and its augmentation to be considered jointly. Our
experiments in both in-domain and zero-shot setups show that SPARK consistently
outperforms existing techniques across multiple metrics. | cs.CL | Contextualizing Argument Quality Assessment with Relevant Knowledge |
2023-05-20T20:16:57Z | http://arxiv.org/pdf/2305.12276v1 | http://arxiv.org/abs/2305.12276v1 | Sara Court, Andrea D. Sims, Micha Elsner | 2023-05-20T20:16:57Z | cs.CL | Maltese is often described as having a hybrid morphological system resulting
from extensive contact between Semitic and Romance language varieties. Such a
designation reflects an etymological divide as much as it does a larger
tradition in the literature to consider concatenative and non-concatenative
morphological patterns as distinct in the language architecture. Using a
combination of computational modeling and information theoretic methods, we
quantify the extent to which the phonology and etymology of a Maltese singular
noun may predict the morphological process (affixal vs. templatic) as well as
the specific plural allomorph (affix or template) relating a singular noun to
its associated plural form(s) in the lexicon. The results indicate phonological
pressures shape the organization of the Maltese lexicon with predictive power
that extends beyond that of a word's etymology, in line with analogical
theories of language change in contact. | cs.CL | Analogy in Contact: Modeling Maltese Plural Inflection |
2023-05-20T19:29:47Z | http://arxiv.org/pdf/2305.12272v1 | http://arxiv.org/abs/2305.12272v1 | Li Du, Hongyuan Mei, Jason Eisner | 2023-05-20T19:29:47Z | cs.CL, cs.AI, cs.LG | To predict the next token, autoregressive models ordinarily examine the past.
Could they also benefit from also examining hypothetical futures? We consider a
novel Transformer-based autoregressive architecture that estimates the
next-token distribution by extrapolating multiple continuations of the past,
according to some proposal distribution, and attending to these extended
strings. This architecture draws insights from classical AI systems such as
board game players: when making a local decision, a policy may benefit from
exploring possible future trajectories and analyzing them. On multiple tasks
including morphological inflection and Boolean satisfiability, our lookahead
model is able to outperform the ordinary Transformer model of comparable size.
However, on some tasks, it appears to be benefiting from the extra computation
without actually using the lookahead information. We discuss possible variant
architectures as well as future speedups. | cs.CL | Autoregressive Modeling with Lookahead Attention |
2023-05-20T19:17:10Z | http://arxiv.org/pdf/2305.12268v1 | http://arxiv.org/abs/2305.12268v1 | Bowen Jin, Wentao Zhang, Yu Zhang, Yu Meng, Xinyang Zhang, Qi Zhu, Jiawei Han | 2023-05-20T19:17:10Z | cs.CL, cs.AI, cs.LG | A real-world text corpus sometimes comprises not only text documents but also
semantic links between them (e.g., academic papers in a bibliographic network
are linked by citations and co-authorships). Text documents and semantic
connections form a text-rich network, which empowers a wide range of downstream
tasks such as classification and retrieval. However, pretraining methods for
such structures are still lacking, making it difficult to build one generic
model that can be adapted to various tasks on text-rich networks. Current
pretraining objectives, such as masked language modeling, purely model texts
and do not take inter-document structure information into consideration. To
this end, we propose our PretrAining on TexT-Rich NetwOrk framework Patton.
Patton includes two pretraining strategies: network-contextualized masked
language modeling and masked node prediction, to capture the inherent
dependency between textual attributes and network structure. We conduct
experiments on four downstream tasks in five datasets from both academic and
e-commerce domains, where Patton outperforms baselines significantly and
consistently. | cs.CL | Patton: Language Model Pretraining on Text-Rich Networks |
2023-05-20T18:41:13Z | http://arxiv.org/pdf/2305.12263v2 | http://arxiv.org/abs/2305.12263v2 | Wen Wu, Chao Zhang, Philip C. Woodland | 2023-07-06T13:43:56Z | cs.CL, cs.SD, eess.AS | This paper proposes handling training data sparsity in speech-based automatic
depression detection (SDD) using foundation models pre-trained with
self-supervised learning (SSL). An analysis of SSL representations derived from
different layers of pre-trained foundation models is first presented for SDD,
which provides insight to suitable indicator for depression detection.
Knowledge transfer is then performed from automatic speech recognition (ASR)
and emotion recognition to SDD by fine-tuning the foundation models. Results
show that the uses of oracle and ASR transcriptions yield similar SDD
performance when the hidden representations of the ASR model is incorporated
along with the ASR textual information. By integrating representations from
multiple foundation models, state-of-the-art SDD results based on real ASR were
achieved on the DAIC-WOZ dataset. | cs.CL | Self-supervised representations in speech-based depression detection |
2023-05-20T18:30:03Z | http://arxiv.org/pdf/2305.12260v2 | http://arxiv.org/abs/2305.12260v2 | Shengqiong Wu, Hao Fei, Wei Ji, Tat-Seng Chua | 2023-05-25T04:02:17Z | cs.CV, cs.CL | Unpaired cross-lingual image captioning has long suffered from irrelevancy
and disfluency issues, due to the inconsistencies of the semantic scene and
syntax attributes during transfer. In this work, we propose to address the
above problems by incorporating the scene graph (SG) structures and the
syntactic constituency (SC) trees. Our captioner contains the semantic
structure-guided image-to-pivot captioning and the syntactic structure-guided
pivot-to-target translation, two of which are joined via pivot language. We
then take the SG and SC structures as pivoting, performing cross-modal semantic
structure alignment and cross-lingual syntactic structure alignment learning.
We further introduce cross-lingual&cross-modal back-translation training to
fully align the captioning and translation stages. Experiments on
English-Chinese transfers show that our model shows great superiority in
improving captioning relevancy and fluency. | cs.CV | Cross2StrA: Unpaired Cross-lingual Image Captioning with Cross-lingual Cross-modal Structure-pivoted Alignment |
2023-05-20T18:24:06Z | http://arxiv.org/pdf/2305.12258v3 | http://arxiv.org/abs/2305.12258v3 | Hao Fei, Meishan Zhang, Min Zhang, Tat-Seng Chua | 2023-06-04T13:29:51Z | cs.CL | Latest efforts on cross-lingual relation extraction (XRE) aggressively
leverage the language-consistent structural features from the universal
dependency (UD) resource, while they may largely suffer from biased transfer
(e.g., either target-biased or source-biased) due to the inevitable linguistic
disparity between languages. In this work, we investigate an unbiased UD-based
XRE transfer by constructing a type of code-mixed UD forest. We first translate
the sentence of the source language to the parallel target-side language, for
both of which we parse the UD tree respectively. Then, we merge the
source-/target-side UD structures as a unified code-mixed UD forest. With such
forest features, the gaps of UD-based XRE between the training and predicting
phases can be effectively closed. We conduct experiments on the ACE XRE
benchmark datasets, where the results demonstrate that the proposed code-mixed
UD forests help unbiased UD-based XRE transfer, with which we achieve
significant XRE performance gains. | cs.CL | Constructing Code-mixed Universal Dependency Forest for Unbiased Cross-lingual Relation Extraction |
2023-05-20T18:20:39Z | http://arxiv.org/pdf/2305.12257v1 | http://arxiv.org/abs/2305.12257v1 | Ankur Sinha, Satishwar Kedas, Rishu Kumar, Pekka Malo | 2023-05-20T18:20:39Z | cs.CL, cs.AI, cs.LG, I.2.7 | Fine-grained financial sentiment analysis on news headlines is a challenging
task requiring human-annotated datasets to achieve high performance. Limited
studies have tried to address the sentiment extraction task in a setting where
multiple entities are present in a news headline. In an effort to further
research in this area, we make publicly available SEntFiN 1.0, a
human-annotated dataset of 10,753 news headlines with entity-sentiment
annotations, of which 2,847 headlines contain multiple entities, often with
conflicting sentiments. We augment our dataset with a database of over 1,000
financial entities and their various representations in news media amounting to
over 5,000 phrases. We propose a framework that enables the extraction of
entity-relevant sentiments using a feature-based approach rather than an
expression-based approach. For sentiment extraction, we utilize 12 different
learning schemes utilizing lexicon-based and pre-trained sentence
representations and five classification approaches. Our experiments indicate
that lexicon-based n-gram ensembles are above par with pre-trained word
embedding schemes such as GloVe. Overall, RoBERTa and finBERT (domain-specific
BERT) achieve the highest average accuracy of 94.29% and F1-score of 93.27%.
Further, using over 210,000 entity-sentiment predictions, we validate the
economic effect of sentiments on aggregate market movements over a long
duration. | cs.CL | SEntFiN 1.0: Entity-Aware Sentiment Analysis for Financial News |
2023-05-20T18:17:20Z | http://arxiv.org/pdf/2305.12256v2 | http://arxiv.org/abs/2305.12256v2 | Hao Fei, Qian Liu, Meishan Zhang, Min Zhang, Tat-Seng Chua | 2023-05-25T04:24:34Z | cs.CL | In this work, we investigate a more realistic unsupervised multimodal machine
translation (UMMT) setup, inference-time image-free UMMT, where the model is
trained with source-text image pairs, and tested with only source-text inputs.
First, we represent the input images and texts with the visual and language
scene graphs (SG), where such fine-grained vision-language features ensure a
holistic understanding of the semantics. To enable pure-text input during
inference, we devise a visual scene hallucination mechanism that dynamically
generates pseudo visual SG from the given textual SG. Several SG-pivoting based
learning objectives are introduced for unsupervised translation training. On
the benchmark Multi30K data, our SG-based method outperforms the
best-performing baseline by significant BLEU scores on the task and setup,
helping yield translations with better completeness, relevance and fluency
without relying on paired images. Further in-depth analyses reveal how our
model advances in the task setting. | cs.CL | Scene Graph as Pivoting: Inference-time Image-free Unsupervised Multimodal Machine Translation with Visual Scene Hallucination |
2023-05-20T17:38:44Z | http://arxiv.org/pdf/2305.12248v1 | http://arxiv.org/abs/2305.12248v1 | Jerry Tang, Meng Du, Vy A. Vo, Vasudev Lal, Alexander G. Huth | 2023-05-20T17:38:44Z | cs.CL, cs.CV | Encoding models have been used to assess how the human brain represents
concepts in language and vision. While language and vision rely on similar
concept representations, current encoding models are typically trained and
tested on brain responses to each modality in isolation. Recent advances in
multimodal pretraining have produced transformers that can extract aligned
representations of concepts in language and vision. In this work, we used
representations from multimodal transformers to train encoding models that can
transfer across fMRI responses to stories and movies. We found that encoding
models trained on brain responses to one modality can successfully predict
brain responses to the other modality, particularly in cortical regions that
represent conceptual meaning. Further analysis of these encoding models
revealed shared semantic dimensions that underlie concept representations in
language and vision. Comparing encoding models trained using representations
from multimodal and unimodal transformers, we found that multimodal
transformers learn more aligned representations of concepts in language and
vision. Our results demonstrate how multimodal transformers can provide
insights into the brain's capacity for multimodal processing. | cs.CL | Brain encoding models based on multimodal transformers can transfer across language and vision |
2023-05-20T16:52:30Z | http://arxiv.org/pdf/2305.12233v1 | http://arxiv.org/abs/2305.12233v1 | Dylan Cope, Peter McBurney | 2023-05-20T16:52:30Z | cs.CL | In most conversations about explanation and AI, the recipient of the
explanation (the explainee) is suspiciously absent, despite the problem being
ultimately communicative in nature. We pose the problem `explaining AI systems'
in terms of a two-player cooperative game in which each agent seeks to maximise
our proposed measure of explanatory effectiveness. This measure serves as a
foundation for the automated assessment of explanations, in terms of the
effects that any given action in the game has on the internal state of the
explainee. | cs.CL | A Measure of Explanatory Effectiveness |
2023-05-20T16:41:48Z | http://arxiv.org/pdf/2305.12228v1 | http://arxiv.org/abs/2305.12228v1 | Yiming Chen, Simin Chen, Zexin Li, Wei Yang, Cong Liu, Robby T. Tan, Haizhou Li | 2023-05-20T16:41:48Z | cs.CL | Despite much success in natural language processing (NLP), pre-trained
language models typically lead to a high computational cost during inference.
Multi-exit is a mainstream approach to address this issue by making a trade-off
between efficiency and accuracy, where the saving of computation comes from an
early exit. However, whether such saving from early-exiting is robust remains
unknown. Motivated by this, we first show that directly adapting existing
adversarial attack approaches targeting model accuracy cannot significantly
reduce inference efficiency. To this end, we propose a simple yet effective
attacking framework, SAME, a novel slowdown attack framework on multi-exit
models, which is specially tailored to reduce the efficiency of the multi-exit
models. By leveraging the multi-exit models' design characteristics, we utilize
all internal predictions to guide the adversarial sample generation instead of
merely considering the final prediction. Experiments on the GLUE benchmark show
that SAME can effectively diminish the efficiency gain of various multi-exit
models by 80% on average, convincingly validating its effectiveness and
generalization ability. | cs.CL | Dynamic Transformers Provide a False Sense of Efficiency |
2023-05-20T16:08:45Z | http://arxiv.org/pdf/2305.18243v3 | http://arxiv.org/abs/2305.18243v3 | Muhammad U Nasir, Julian Togelius | 2023-07-02T09:11:17Z | cs.CL, cs.AI | Large Language Models (LLMs) have proven to be useful tools in various
domains outside of the field of their inception, which was natural language
processing. In this study, we provide practical directions on how to use LLMs
to generate 2D-game rooms for an under-development game, named Metavoidal. Our
technique can harness the power of GPT-3 by Human-in-the-loop fine-tuning which
allows our method to create 37% Playable-Novel levels from as scarce data as
only 60 hand-designed rooms under a scenario of the non-trivial game, with
respect to (Procedural Content Generation) PCG, that has a good amount of local
and global constraints. | cs.CL | Practical PCG Through Large Language Models |
2023-05-20T15:55:39Z | http://arxiv.org/pdf/2305.12219v2 | http://arxiv.org/abs/2305.12219v2 | Fereshte Khani, Marco Tulio Ribeiro | 2023-05-24T22:05:16Z | cs.LG, cs.AI, cs.CL | Despite substantial advancements, Natural Language Processing (NLP) models
often require post-training adjustments to enforce business rules, rectify
undesired behavior, and align with user values. These adjustments involve
operationalizing "concepts"--dictating desired model responses to certain
inputs. However, it's difficult for a single entity to enumerate and define all
possible concepts, indicating a need for a multi-user, collaborative model
alignment framework. Moreover, the exhaustive delineation of a concept is
challenging, and an improper approach can create shortcuts or interfere with
original data or other concepts.
To address these challenges, we introduce CoDev, a framework that enables
multi-user interaction with the model, thereby mitigating individual
limitations. CoDev aids users in operationalizing their concepts using Large
Language Models, and relying on the principle that NLP models exhibit simpler
behaviors in local regions. Our main insight is learning a \emph{local} model
for each concept, and a \emph{global} model to integrate the original data with
all concepts. We then steer a large language model to generate instances within
concept boundaries where local and global disagree. Our experiments show CoDev
is effective at helping multiple users operationalize concepts and avoid
interference for a variety of scenarios, tasks, and models. | cs.LG | Collaborative Development of NLP models |
2023-05-20T15:47:59Z | http://arxiv.org/pdf/2305.12217v1 | http://arxiv.org/abs/2305.12217v1 | Mozhi Zhang, Hang Yan, Yaqian Zhou, Xipeng Qiu | 2023-05-20T15:47:59Z | cs.CL | Few-shot Named Entity Recognition (NER) is a task aiming to identify named
entities via limited annotated samples. Recently, prototypical networks have
shown promising performance in few-shot NER. Most of prototypical networks will
utilize the entities from the support set to construct label prototypes and use
the query set to compute span-level similarities and optimize these label
prototype representations. However, these methods are usually unsuitable for
fine-tuning in the target domain, where only the support set is available. In
this paper, we propose PromptNER: a novel prompting method for few-shot NER via
k nearest neighbor search. We use prompts that contains entity category
information to construct label prototypes, which enables our model to fine-tune
with only the support set. Our approach achieves excellent transfer learning
ability, and extensive experiments on the Few-NERD and CrossNER datasets
demonstrate that our model achieves superior performance over state-of-the-art
methods. | cs.CL | PromptNER: A Prompting Method for Few-shot Named Entity Recognition via k Nearest Neighbor Search |
2023-05-20T15:24:38Z | http://arxiv.org/pdf/2305.12212v2 | http://arxiv.org/abs/2305.12212v2 | Jinyuan Li, Han Li, Zhuo Pan, Di Sun, Jiahao Wang, Wenkun Zhang, Gang Pan | 2023-10-18T17:05:58Z | cs.CL | Multimodal Named Entity Recognition (MNER) on social media aims to enhance
textual entity prediction by incorporating image-based clues. Existing studies
mainly focus on maximizing the utilization of pertinent image information or
incorporating external knowledge from explicit knowledge bases. However, these
methods either neglect the necessity of providing the model with external
knowledge, or encounter issues of high redundancy in the retrieved knowledge.
In this paper, we present PGIM -- a two-stage framework that aims to leverage
ChatGPT as an implicit knowledge base and enable it to heuristically generate
auxiliary knowledge for more efficient entity prediction. Specifically, PGIM
contains a Multimodal Similar Example Awareness module that selects suitable
examples from a small number of predefined artificial samples. These examples
are then integrated into a formatted prompt template tailored to the MNER and
guide ChatGPT to generate auxiliary refined knowledge. Finally, the acquired
knowledge is integrated with the original text and fed into a downstream model
for further processing. Extensive experiments show that PGIM outperforms
state-of-the-art methods on two classic MNER datasets and exhibits a stronger
robustness and generalization capability. | cs.CL | Prompting ChatGPT in MNER: Enhanced Multimodal Named Entity Recognition with Auxiliary Refined Knowledge |
2023-05-20T15:12:25Z | http://arxiv.org/pdf/2305.12209v1 | http://arxiv.org/abs/2305.12209v1 | Yunshui Li, Junhao Liu, Chengming Li, Min Yang | 2023-05-20T15:12:25Z | cs.CL | In this paper, we propose a selfdistillation framework with meta
learning(MetaSD) for knowledge graph completion with dynamic pruning, which
aims to learn compressed graph embeddings and tackle the longtail samples.
Specifically, we first propose a dynamic pruning technique to obtain a small
pruned model from a large source model, where the pruning mask of the pruned
model could be updated adaptively per epoch after the model weights are
updated. The pruned model is supposed to be more sensitive to difficult to
memorize samples(e.g., longtail samples) than the source model. Then, we
propose a onestep meta selfdistillation method for distilling comprehensive
knowledge from the source model to the pruned model, where the two models
coevolve in a dynamic manner during training. In particular, we exploit the
performance of the pruned model, which is trained alongside the source model in
one iteration, to improve the source models knowledge transfer ability for the
next iteration via meta learning. Extensive experiments show that MetaSD
achieves competitive performance compared to strong baselines, while being 10x
smaller than baselines. | cs.CL | Self-Distillation with Meta Learning for Knowledge Graph Completion |
2023-05-20T14:13:08Z | http://arxiv.org/pdf/2305.12199v1 | http://arxiv.org/abs/2305.12199v1 | Xuan-Quy Dao, Ngoc-Bich Le, The-Duy Vo, Xuan-Dung Phan, Bac-Bien Ngo, Van-Tien Nguyen, Thi-My-Thanh Nguyen, Hong-Phuoc Nguyen | 2023-05-20T14:13:08Z | cs.CL | The VNHSGE (VietNamese High School Graduation Examination) dataset, developed
exclusively for evaluating large language models (LLMs), is introduced in this
article. The dataset, which covers nine subjects, was generated from the
Vietnamese National High School Graduation Examination and comparable tests.
300 literary essays have been included, and there are over 19,000
multiple-choice questions on a range of topics. The dataset assesses LLMs in
multitasking situations such as question answering, text generation, reading
comprehension, visual question answering, and more by including both textual
data and accompanying images. Using ChatGPT and BingChat, we evaluated LLMs on
the VNHSGE dataset and contrasted their performance with that of Vietnamese
students to see how well they performed. The results show that ChatGPT and
BingChat both perform at a human level in a number of areas, including
literature, English, history, geography, and civics education. They still have
space to grow, though, especially in the areas of mathematics, physics,
chemistry, and biology. The VNHSGE dataset seeks to provide an adequate
benchmark for assessing the abilities of LLMs with its wide-ranging coverage
and variety of activities. We intend to promote future developments in the
creation of LLMs by making this dataset available to the scientific community,
especially in resolving LLMs' limits in disciplines involving mathematics and
the natural sciences. | cs.CL | VNHSGE: VietNamese High School Graduation Examination Dataset for Large Language Models |
2023-05-20T14:00:08Z | http://arxiv.org/pdf/2305.12196v1 | http://arxiv.org/abs/2305.12196v1 | Gregor vom Scheidt | 2023-05-20T14:00:08Z | cs.CL, cs.LO, math.LO, 03B35, F.4.1; I.2.3; F.4.3 | Can large language models be used to complete mathematical tasks that are
traditionally performed either manually or with the aid of theorem provers? To
answer this question, a state-of-the-art system, GPT-4, was provided with a
concise natural language specification for a previously unpublished formal
system and asked to complete a number of tasks, from stating function and type
definitions to proving simple theorems and verifying user-supplied proofs. The
system completed all tasks successfully, showed extensive domain knowledge,
invented helpful new syntax and semantics, and exhibited generalization and
inference abilities. So the answer seems to be: yes. | cs.CL | Experimental results from applying GPT-4 to an unpublished formal language |
2023-05-20T13:34:34Z | http://arxiv.org/pdf/2305.12191v2 | http://arxiv.org/abs/2305.12191v2 | Yatin Nandwani, Vineet Kumar, Dinesh Raghu, Sachindra Joshi, Luis A. Lastras | 2023-12-01T10:37:56Z | cs.CL | A major concern in using deep learning based generative models for
document-grounded dialogs is the potential generation of responses that are not
\textit{faithful} to the underlying document. Existing automated metrics used
for evaluating the faithfulness of response with respect to the grounding
document measure the degree of similarity between the generated response and
the document's content. However, these automated metrics are far from being
well aligned with human judgments. Therefore, to improve the measurement of
faithfulness, we propose a new metric that utilizes (Conditional) Point-wise
Mutual Information (PMI) between the generated response and the source
document, conditioned on the dialogue. PMI quantifies the extent to which the
document influences the generated response -- with a higher PMI indicating a
more faithful response. We build upon this idea to create a new decoding
technique that incorporates PMI into the response generation process to predict
more faithful responses. Our experiments on the BEGIN benchmark demonstrate an
improved correlation of our metric with human evaluation. We also show that our
decoding technique is effective in generating more faithful responses when
compared to standard decoding techniques on a set of publicly available
document-grounded dialog datasets. | cs.CL | Pointwise Mutual Information Based Metric and Decoding Strategy for Faithful Generation in Document Grounded Dialogs |
2023-05-20T13:28:22Z | http://arxiv.org/pdf/2305.12190v1 | http://arxiv.org/abs/2305.12190v1 | Zoran Medić, Jan Šnajder | 2023-05-20T13:28:22Z | cs.IR, cs.CL | Citation recommendation (CR) models may help authors find relevant articles
at various stages of the paper writing process. Most research has dealt with
either global CR, which produces general recommendations suitable for the
initial writing stage, or local CR, which produces specific recommendations
more fitting for the final writing stages. We propose the task of
paragraph-level CR as a middle ground between the two approaches, where the
paragraph's topic sentence is taken as input and recommendations for citing
within the paragraph are produced at the output. We propose a model for this
task, fine-tune it using the quadruplet loss on the dataset of ACL papers, and
show improvements over the baselines. | cs.IR | Paragraph-level Citation Recommendation based on Topic Sentences as Queries |
2023-05-20T12:26:41Z | http://arxiv.org/pdf/2305.12182v2 | http://arxiv.org/abs/2305.12182v2 | Ayyoob Imani, Peiqin Lin, Amir Hossein Kargaran, Silvia Severini, Masoud Jalili Sabet, Nora Kassner, Chunlan Ma, Helmut Schmid, André F. T. Martins, François Yvon, Hinrich Schütze | 2023-05-26T11:30:08Z | cs.CL | The NLP community has mainly focused on scaling Large Language Models (LLMs)
vertically, i.e., making them better for about 100 languages. We instead scale
LLMs horizontally: we create, through continued pretraining, Glot500-m, an LLM
that covers 511 predominantly low-resource languages. An important part of this
effort is to collect and clean Glot500-c, a corpus that covers these 511
languages and allows us to train Glot500-m. We evaluate Glot500-m on five
diverse tasks across these languages. We observe large improvements for both
high-resource and low-resource languages compared to an XLM-R baseline. Our
analysis shows that no single factor explains the quality of multilingual LLM
representations. Rather, a combination of factors determines quality including
corpus size, script, "help" from related languages and the total capacity of
the model. Our work addresses an important goal of NLP research: we should not
limit NLP to a small fraction of the world's languages and instead strive to
support as many languages as possible to bring the benefits of NLP technology
to all languages and cultures. Code, data and models are available at
https://github.com/cisnlp/Glot500. | cs.CL | Glot500: Scaling Multilingual Corpora and Language Models to 500 Languages |
2023-05-20T11:16:59Z | http://arxiv.org/pdf/2305.12169v2 | http://arxiv.org/abs/2305.12169v2 | Lei Lin, Shuangtao Li, Yafang Zheng, Biao Fu, Shan Liu, Yidong Chen, Xiaodong Shi | 2023-10-18T14:19:40Z | cs.CL | Recent studies have shown that sequence-to-sequence (seq2seq) models struggle
with compositional generalization (CG), i.e., the ability to systematically
generalize to unseen compositions of seen components. There is mounting
evidence that one of the reasons hindering CG is the representation of the
encoder uppermost layer is entangled, i.e., the syntactic and semantic
representations of sequences are entangled. However, we consider that the
previously identified representation entanglement problem is not comprehensive
enough. Additionally, we hypothesize that the source keys and values
representations passing into different decoder layers are also entangled.
Starting from this intuition, we propose \textsc{CompoSition} (\textbf{Compo}se
\textbf{S}yntactic and Semant\textbf{i}c Representa\textbf{tion}s), an
extension to seq2seq models which learns to compose representations of
different encoder layers dynamically for different tasks, since recent studies
reveal that the bottom layers of the Transformer encoder contain more syntactic
information and the top ones contain more semantic information. Specifically,
we introduce a \textit{composed layer} between the encoder and decoder to
compose different encoder layers' representations to generate specific keys and
values passing into different decoder layers. \textsc{CompoSition} achieves
competitive results on two comprehensive and realistic benchmarks, which
empirically demonstrates the effectiveness of our proposal. Codes are available
at~\url{https://github.com/thinkaboutzero/COMPOSITION}. | cs.CL | Learning to Compose Representations of Different Encoder Layers towards Improving Compositional Generalization |
2023-05-20T09:42:00Z | http://arxiv.org/pdf/2305.12152v2 | http://arxiv.org/abs/2305.12152v2 | Dominik Stammbach, Vilém Zouhar, Alexander Hoyle, Mrinmaya Sachan, Elliott Ash | 2023-10-22T09:46:13Z | cs.CL | Topic models are used to make sense of large text collections. However,
automatically evaluating topic model output and determining the optimal number
of topics both have been longstanding challenges, with no effective automated
solutions to date. This paper proposes using large language models to evaluate
such output. We find that large language models appropriately assess the
resulting topics, correlating more strongly with human judgments than existing
automated metrics. We then investigate whether we can use large language models
to automatically determine the optimal number of topics. We automatically
assign labels to documents and choosing configurations with the most pure
labels returns reasonable values for the optimal number of topics. | cs.CL | Revisiting Automated Topic Model Evaluation with Large Language Models |
2023-05-20T09:23:09Z | http://arxiv.org/pdf/2305.12147v2 | http://arxiv.org/abs/2305.12147v2 | Hanmeng Liu, Zhiyang Teng, Leyang Cui, Chaoli Zhang, Qiji Zhou, Yue Zhang | 2023-10-28T04:22:58Z | cs.CL, cs.AI | Generative Pre-trained Transformer 4 (GPT-4) demonstrates impressive
chain-of-thought reasoning ability. Recent work on self-instruction tuning,
such as Alpaca, has focused on enhancing the general proficiency of models.
These instructions enable the model to achieve performance comparable to
GPT-3.5 on general tasks like open-domain text generation and paraphrasing.
However, they fall short of helping the model handle complex reasoning tasks.
To bridge the gap, this paper presents LogiCoT, a new instruction-tuning
dataset for Logical Chain-of-Thought reasoning with GPT-4. We elaborate on the
process of harvesting instructions for prompting GPT-4 to generate
chain-of-thought rationales. LogiCoT serves as an instruction set for teaching
models of logical reasoning and elicits general reasoning skills. | cs.CL | LogiCoT: Logical Chain-of-Thought Instruction-Tuning |
2023-05-20T09:19:39Z | http://arxiv.org/pdf/2305.12146v2 | http://arxiv.org/abs/2305.12146v2 | Zhaokun Jiang, Ziyin Zhang | 2023-05-23T01:42:06Z | cs.CL | Hedges are widely studied across registers and disciplines, yet research on
the translation of hedges in political texts is extremely limited. This
contrastive study is dedicated to investigating whether there is a diachronic
change in the frequencies of hedging devices in the target texts, to what
extent the changing frequencies of translated hedges through years are
attributed to the source texts, and what translation strategies are adopted to
deal with them. For the purposes of this research, two types of official
political texts and their translations from China and the United Nations were
collected to form three sub-corpora. Results show that hedges tend to appear
more frequently in English political texts, be it original English or
translated English. In addition, directionality seems to play an important role
in influencing both the frequencies and translation strategies regarding the
use of hedges. A noticeable diachronic increase of hedging devices is also
observed in our corpus. | cs.CL | Hedges in Bidirectional Translations of Publicity-Oriented Documents |
2023-05-20T07:30:55Z | http://arxiv.org/pdf/2305.12129v1 | http://arxiv.org/abs/2305.12129v1 | Chen Zhang, Yang Yang, Jiahao Liu, Jingang Wang, Yunsen Xian, Benyou Wang, Dawei Song | 2023-05-20T07:30:55Z | cs.CL, cs.LG | Pretrained language models (LMs) have shown compelling performance on various
downstream tasks, but unfortunately they require a tremendous amount of
inference compute. Knowledge distillation finds a path to compress LMs to small
ones with a teacher-student paradigm. However, when the capacity gap between
the teacher and the student is large, a curse of capacity gap appears, invoking
a deficiency in distilling LMs. While a few studies have been carried out to
fill the gap, the curse is not yet well tackled. In this paper, we aim at
lifting the curse of capacity gap via enlarging the capacity of the student
without notably increasing the inference compute. Largely motivated by sparse
activation regime of mixture of experts (MoE), we propose a mixture of minimal
experts (MiniMoE), which imposes extra parameters to the student but introduces
almost no additional inference compute. Experimental results on GLUE and CoNLL
demonstrate the curse of capacity gap is lifted by the magic of MiniMoE to a
large extent. MiniMoE also achieves the state-of-the-art performance at small
FLOPs compared with a range of competitive baselines. With a compression rate
as much as $\sim$50$\times$, MiniMoE preserves $\sim$95\% GLUE score of the
teacher. | cs.CL | Lifting the Curse of Capacity Gap in Distilling Language Models |
2023-05-20T07:02:27Z | http://arxiv.org/pdf/2305.12123v1 | http://arxiv.org/abs/2305.12123v1 | Ting Wu, Rui Zheng, Tao Gui, Qi Zhang, Xuanjing Huang | 2023-05-20T07:02:27Z | cs.CL | Models trained with empirical risk minimization (ERM) are revealed to easily
rely on spurious correlations, resulting in poor generalization. Group
distributionally robust optimization (group DRO) can alleviate this problem by
minimizing the worst-case loss over pre-defined groups. While promising, in
practice factors like expensive annotations and privacy preclude the
availability of group labels. More crucially, when taking a closer look at the
failure modes of out-of-distribution generalization, the typical procedure of
reweighting in group DRO loses efficiency. Hinged on the limitations, in this
work, we reformulate the group DRO framework by proposing Q-Diversity.
Characterized by an interactive training mode, Q-Diversity relaxes the group
identification from annotation into direct parameterization. Furthermore, a
novel mixing strategy across groups is presented to diversify the
under-represented groups. In a series of experiments on both synthetic and
real-world text classification tasks, results demonstrate that Q-Diversity can
consistently improve worst-case accuracy under different distributional shifts,
outperforming state-of-the-art alternatives. | cs.CL | Modeling the Q-Diversity in a Min-max Play Game for Robust Optimization |
2023-05-20T05:58:56Z | http://arxiv.org/pdf/2305.12107v2 | http://arxiv.org/abs/2305.12107v2 | Yi Zhong, Chen Zhang, Xule Liu, Chenxi Sun, Weishan Deng, Haifeng Hu, Zhongqian Sun | 2024-04-14T12:33:07Z | cs.SD, cs.CL, eess.AS | While Current TTS systems perform well in synthesizing high-quality speech,
producing highly expressive speech remains a challenge. Emphasis, as a critical
factor in determining the expressiveness of speech, has attracted more
attention nowadays. Previous works usually enhance the emphasis by adding
intermediate features, but they can not guarantee the overall expressiveness of
the speech. To resolve this matter, we propose Emphatic Expressive TTS
(EE-TTS), which leverages multi-level linguistic information from syntax and
semantics. EE-TTS contains an emphasis predictor that can identify appropriate
emphasis positions from text and a conditioned acoustic model to synthesize
expressive speech with emphasis and linguistic information. Experimental
results indicate that EE-TTS outperforms baseline with MOS improvements of 0.49
and 0.67 in expressiveness and naturalness. EE-TTS also shows strong
generalization across different datasets according to AB test results. | cs.SD | EE-TTS: Emphatic Expressive TTS with Linguistic Information |
2023-05-20T05:20:37Z | http://arxiv.org/pdf/2305.12096v1 | http://arxiv.org/abs/2305.12096v1 | Neeraj Varshney, Mihir Parmar, Nisarg Patel, Divij Handa, Sayantan Sarkar, Man Luo, Chitta Baral | 2023-05-20T05:20:37Z | cs.CL | Pre-training on large corpora of text enables the language models to acquire
a vast amount of factual and commonsense knowledge which allows them to achieve
remarkable performance on a variety of language understanding tasks. They
typically acquire this knowledge by learning from the pre-training text and
capturing certain patterns from it. However, real-world settings often present
scenarios that do not abide by these patterns i.e. scenarios that break the
common assumptions. Can state-of-the-art NLP models correctly reason over the
contexts of such scenarios?
Addressing the above question, in this paper, we investigate the ability of
models to correctly reason over contexts that break the common assumptions. To
this end, we first systematically create evaluation data in which each data
instance consists of (a) a common assumption, (b) a context that follows the
assumption, (c) a context that breaks the assumption, and (d) questions based
on the contexts. Then, through evaluations on multiple models including GPT-3
and Flan T5, we show that while doing fairly well on contexts that follow the
common assumptions, the models struggle to correctly reason over contexts that
break those assumptions. Specifically, the performance gap is as high as 20%
absolute points. Furthermore, we thoroughly analyze these results revealing
several interesting findings. We believe our work and findings will encourage
and facilitate further research in developing more robust models that can also
reliably reason over contexts that break the common assumptions. Data is
available at \url{https://github.com/nrjvarshney/break_the_common_assumptions}. | cs.CL | Can NLP Models Correctly Reason Over Contexts that Break the Common Assumptions? |
2023-05-20T04:50:20Z | http://arxiv.org/pdf/2305.12092v1 | http://arxiv.org/abs/2305.12092v1 | Mike Zhang, Rob van der Goot, Barbara Plank | 2023-05-20T04:50:20Z | cs.CL | The increasing number of benchmarks for Natural Language Processing (NLP)
tasks in the computational job market domain highlights the demand for methods
that can handle job-related tasks such as skill extraction, skill
classification, job title classification, and de-identification. While some
approaches have been developed that are specific to the job market domain,
there is a lack of generalized, multilingual models and benchmarks for these
tasks. In this study, we introduce a language model called ESCOXLM-R, based on
XLM-R, which uses domain-adaptive pre-training on the European Skills,
Competences, Qualifications and Occupations (ESCO) taxonomy, covering 27
languages. The pre-training objectives for ESCOXLM-R include dynamic masked
language modeling and a novel additional objective for inducing multilingual
taxonomical ESCO relations. We comprehensively evaluate the performance of
ESCOXLM-R on 6 sequence labeling and 3 classification tasks in 4 languages and
find that it achieves state-of-the-art results on 6 out of 9 datasets. Our
analysis reveals that ESCOXLM-R performs better on short spans and outperforms
XLM-R on entity-level and surface-level span-F1, likely due to ESCO containing
short skill and occupation titles, and encoding information on the
entity-level. | cs.CL | ESCOXLM-R: Multilingual Taxonomy-driven Pre-training for the Job Market Domain |
2023-05-20T04:43:26Z | http://arxiv.org/pdf/2305.12091v2 | http://arxiv.org/abs/2305.12091v2 | Chao Zhao, Spandana Gella, Seokhwan Kim, Di Jin, Devamanyu Hazarika, Alexandros Papangelis, Behnam Hedayatnia, Mahdi Namazifar, Yang Liu, Dilek Hakkani-Tur | 2023-10-03T03:33:20Z | cs.CL | Task-oriented Dialogue (TOD) Systems aim to build dialogue systems that
assist users in accomplishing specific goals, such as booking a hotel or a
restaurant. Traditional TODs rely on domain-specific APIs/DBs or external
factual knowledge to generate responses, which cannot accommodate subjective
user requests (e.g., "Is the WIFI reliable?" or "Does the restaurant have a
good atmosphere?"). To address this issue, we propose a novel task of
subjective-knowledge-based TOD (SK-TOD). We also propose the first
corresponding dataset, which contains subjective knowledge-seeking dialogue
contexts and manually annotated responses grounded in subjective knowledge
sources. When evaluated with existing TOD approaches, we find that this task
poses new challenges such as aggregating diverse opinions from multiple
knowledge snippets. We hope this task and dataset can promote further research
on TOD and subjective content understanding. The code and the dataset are
available at https://github.com/alexa/dstc11-track5. | cs.CL | "What do others think?": Task-Oriented Conversational Modeling with Subjective Knowledge |
2023-05-20T04:32:59Z | http://arxiv.org/pdf/2305.12090v2 | http://arxiv.org/abs/2305.12090v2 | Wenyue Hua, Yingqiang Ge, Shuyuan Xu, Jianchao Ji, Yongfeng Zhang | 2024-05-29T16:46:47Z | cs.IR, cs.AI, cs.CL, cs.LG | Recent advances in Foundation Models such as Large Language Models (LLMs)
have propelled them to the forefront of Recommender Systems (RS). Despite their
utility, there is a growing concern that LLMs might inadvertently perpetuate
societal stereotypes, resulting in unfair recommendations. Since fairness is
critical for RS as many users take it for decision-making and demand
fulfillment, this paper focuses on user-side fairness for LLM-based
recommendation where the users may require a recommender system to be fair on
specific sensitive features such as gender or age. In this paper, we dive into
the extent of unfairness exhibited by LLM-based recommender models based on
both T5 and LLaMA backbones, and discuss appropriate methods for promoting
equitable treatment of users in LLM-based recommendation models. We introduce a
novel Counterfactually-Fair-Prompt (CFP) method towards Unbiased Foundation
mOdels (UFO) for fairness-aware LLM-based recommendation. Experiments are
conducted on two real-world datasets, MovieLens-1M and Insurance, and compared
with both matching-based and sequential-based fairness-aware recommendation
models. Results show that CFP achieves better recommendation performance with a
high level of fairness. Data and code are open-sourced at
https://github.com/agiresearch/UP5. | cs.IR | UP5: Unbiased Foundation Model for Fairness-aware Recommendation |
2023-05-20T04:07:06Z | http://arxiv.org/pdf/2305.12086v2 | http://arxiv.org/abs/2305.12086v2 | Jonathan Li, Will Aitken, Rohan Bhambhoria, Xiaodan Zhu | 2023-05-24T21:13:24Z | cs.CL | Parameter-efficient tuning aims to mitigate the large memory requirements of
adapting pretrained language models for downstream tasks. For example, one
popular method, prefix-tuning, prepends trainable tokens to sequences while
freezing the rest of the model's parameters. Although such models attain
comparable performance with fine-tuning when applied to sequences with short to
moderate lengths, we show their inferior performance when modelling long
sequences. To bridge this gap, we propose prefix-propagation, a simple but
effective approach that conditions prefixes on previous hidden states. We
empirically demonstrate that prefix-propagation outperforms prefix-tuning
across long-document tasks, while using 50% fewer parameters. To further
investigate the proposed architecture, we also show its advantage in
calibration, and perform additional study on its relationship with kernel
attention. To the best of our knowledge, this work is the first to focus on
parameter-efficient learning for long-sequence language tasks. | cs.CL | Prefix Propagation: Parameter-Efficient Tuning for Long Sequences |
2023-05-20T03:48:31Z | http://arxiv.org/pdf/2305.12084v2 | http://arxiv.org/abs/2305.12084v2 | Vivek Verma, Nicholas Tomlin, Dan Klein | 2023-10-18T01:02:56Z | cs.CL | The uniform information density (UID) hypothesis states that humans tend to
distribute information roughly evenly across an utterance or discourse. Early
evidence in support of the UID hypothesis came from Genzel & Charniak (2002),
which proposed an entropy rate constancy principle based on the probability of
English text under n-gram language models. We re-evaluate the claims of Genzel
& Charniak (2002) with neural language models, failing to find clear evidence
in support of entropy rate constancy. We conduct a range of experiments across
datasets, model sizes, and languages and discuss implications for the uniform
information density hypothesis and linguistic theories of efficient
communication more broadly. | cs.CL | Revisiting Entropy Rate Constancy in Text |
2023-05-20T03:32:48Z | http://arxiv.org/pdf/2305.12077v2 | http://arxiv.org/abs/2305.12077v2 | Kaige Xie, Tong Yu, Haoliang Wang, Junda Wu, Handong Zhao, Ruiyi Zhang, Kanak Mahadik, Ani Nenkova, Mark Riedl | 2024-02-27T02:51:16Z | cs.CL | In real-world scenarios, labeled samples for dialogue summarization are
usually limited (i.e., few-shot) due to high annotation costs for high-quality
dialogue summaries. To efficiently learn from few-shot samples, previous works
have utilized massive annotated data from other downstream tasks and then
performed prompt transfer in prompt tuning so as to enable cross-task knowledge
transfer. However, existing general-purpose prompt transfer techniques lack
consideration for dialogue-specific information. In this paper, we focus on
improving the prompt transfer from dialogue state tracking to dialogue
summarization and propose Skeleton-Assisted Prompt Transfer (SAPT), which
leverages skeleton generation as extra supervision that functions as a medium
connecting the distinct source and target task and resulting in the model's
better consumption of dialogue state information. To automatically extract
dialogue skeletons as supervised training data for skeleton generation, we
design a novel approach with perturbation-based probes requiring neither
annotation effort nor domain knowledge. Training the model on such skeletons
can also help preserve model capability during prompt transfer. Our method
significantly outperforms existing baselines. In-depth analyses demonstrate the
effectiveness of our method in facilitating cross-task knowledge transfer in
few-shot dialogue summarization. | cs.CL | Few-Shot Dialogue Summarization via Skeleton-Assisted Prompt Transfer in Prompt Tuning |
2023-05-20T03:23:16Z | http://arxiv.org/pdf/2305.12074v3 | http://arxiv.org/abs/2305.12074v3 | Weifeng Jiang, Qianren Mao, Chenghua Lin, Jianxin Li, Ting Deng, Weiyi Yang, Zheng Wang | 2023-10-20T02:11:16Z | cs.CL | Many text mining models are constructed by fine-tuning a large deep
pre-trained language model (PLM) in downstream tasks. However, a significant
challenge nowadays is maintaining performance when we use a lightweight model
with limited labelled samples. We present DisCo, a semi-supervised learning
(SSL) framework for fine-tuning a cohort of small student models generated from
a large PLM using knowledge distillation. Our key insight is to share
complementary knowledge among distilled student cohorts to promote their SSL
effectiveness. DisCo employs a novel co-training technique to optimize a cohort
of multiple small student models by promoting knowledge sharing among students
under diversified views: model views produced by different distillation
strategies and data views produced by various input augmentations. We evaluate
DisCo on both semi-supervised text classification and extractive summarization
tasks. Experimental results show that DisCo can produce student models that are
7.6 times smaller and 4.8 times faster in inference than the baseline PLMs
while maintaining comparable performance. We also show that DisCo-generated
student models outperform the similar-sized models elaborately tuned in
distinct tasks. | cs.CL | DisCo: Distilled Student Models Co-training for Semi-supervised Text Mining |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.