publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2023-06-08T14:39:24Z | http://arxiv.org/pdf/2306.05240v1 | http://arxiv.org/abs/2306.05240v1 | Sandro Pezzelle | 2023-06-08T14:39:24Z | cs.CL, cs.AI, cs.CV | Intelligent systems that aim at mastering language as humans do must deal
with its semantic underspecification, namely, the possibility for a linguistic
signal to convey only part of the information needed for communication to
succeed. Consider the usages of the pronoun they, which can leave the gender
and number of its referent(s) underspecified. Semantic underspecification is
not a bug but a crucial language feature that boosts its storage and processing
efficiency. Indeed, human speakers can quickly and effortlessly integrate
semantically-underspecified linguistic signals with a wide range of
non-linguistic information, e.g., the multimodal context, social or cultural
conventions, and shared knowledge. Standard NLP models have, in principle, no
or limited access to such extra information, while multimodal systems grounding
language into other modalities, such as vision, are naturally equipped to
account for this phenomenon. However, we show that they struggle with it, which
could negatively affect their performance and lead to harmful consequences when
used for applications. In this position paper, we argue that our community
should be aware of semantic underspecification if it aims to develop language
technology that can successfully interact with human users. We discuss some
applications where mastering it is crucial and outline a few directions toward
achieving this goal. | cs.CL | Dealing with Semantic Underspecification in Multimodal NLP |
2023-06-08T14:20:29Z | http://arxiv.org/pdf/2306.05443v1 | http://arxiv.org/abs/2306.05443v1 | Qianqian Xie, Weiguang Han, Xiao Zhang, Yanzhao Lai, Min Peng, Alejandro Lopez-Lira, Jimin Huang | 2023-06-08T14:20:29Z | cs.CL, cs.AI | Although large language models (LLMs) has shown great performance on natural
language processing (NLP) in the financial domain, there are no publicly
available financial tailtored LLMs, instruction tuning datasets, and evaluation
benchmarks, which is critical for continually pushing forward the open-source
development of financial artificial intelligence (AI). This paper introduces
PIXIU, a comprehensive framework including the first financial LLM based on
fine-tuning LLaMA with instruction data, the first instruction data with 136K
data samples to support the fine-tuning, and an evaluation benchmark with 5
tasks and 9 datasets. We first construct the large-scale multi-task instruction
data considering a variety of financial tasks, financial document types, and
financial data modalities. We then propose a financial LLM called FinMA by
fine-tuning LLaMA with the constructed dataset to be able to follow
instructions for various financial tasks. To support the evaluation of
financial LLMs, we propose a standardized benchmark that covers a set of
critical financial tasks, including five financial NLP tasks and one financial
prediction task. With this benchmark, we conduct a detailed analysis of FinMA
and several existing LLMs, uncovering their strengths and weaknesses in
handling critical financial tasks. The model, datasets, benchmark, and
experimental results are open-sourced to facilitate future research in
financial AI. | cs.CL | PIXIU: A Large Language Model, Instruction Data and Evaluation Benchmark for Finance |
2023-06-08T13:28:48Z | http://arxiv.org/pdf/2306.05183v1 | http://arxiv.org/abs/2306.05183v1 | Christian Herold, Hermann Ney | 2023-06-08T13:28:48Z | cs.CL, cs.AI, cs.LG | Document-level context for neural machine translation (NMT) is crucial to
improve the translation consistency and cohesion, the translation of ambiguous
inputs, as well as several other linguistic phenomena. Many works have been
published on the topic of document-level NMT, but most restrict the system to
only local context, typically including just the one or two preceding sentences
as additional information. This might be enough to resolve some ambiguous
inputs, but it is probably not sufficient to capture some document-level
information like the topic or style of a conversation. When increasing the
context size beyond just the local context, there are two challenges: (i)
the~memory usage increases exponentially (ii) the translation performance
starts to degrade. We argue that the widely-used attention mechanism is
responsible for both issues. Therefore, we propose a constrained attention
variant that focuses the attention on the most relevant parts of the sequence,
while simultaneously reducing the memory consumption. For evaluation, we
utilize targeted test sets in combination with novel evaluation techniques to
analyze the translations in regards to specific discourse-related phenomena. We
find that our approach is a good compromise between sentence-level NMT vs
attending to the full context, especially in low resource scenarios. | cs.CL | Improving Long Context Document-Level Machine Translation |
2023-06-08T13:21:29Z | http://arxiv.org/pdf/2306.05179v2 | http://arxiv.org/abs/2306.05179v2 | Wenxuan Zhang, Sharifah Mahani Aljunied, Chang Gao, Yew Ken Chia, Lidong Bing | 2023-11-10T04:11:01Z | cs.CL, cs.CV | Despite the existence of various benchmarks for evaluating natural language
processing models, we argue that human exams are a more suitable means of
evaluating general intelligence for large language models (LLMs), as they
inherently demand a much wider range of abilities such as language
understanding, domain knowledge, and problem-solving skills. To this end, we
introduce M3Exam, a novel benchmark sourced from real and official human exam
questions for evaluating LLMs in a multilingual, multimodal, and multilevel
context. M3Exam exhibits three unique characteristics: (1) multilingualism,
encompassing questions from multiple countries that require strong multilingual
proficiency and cultural knowledge; (2) multimodality, accounting for the
multimodal nature of many exam questions to test the model's multimodal
understanding capability; and (3) multilevel structure, featuring exams from
three critical educational periods to comprehensively assess a model's
proficiency at different levels. In total, M3Exam contains 12,317 questions in
9 diverse languages with three educational levels, where about 23\% of the
questions require processing images for successful solving. We assess the
performance of top-performing LLMs on M3Exam and find that current models,
including GPT-4, still struggle with multilingual text, particularly in
low-resource and non-Latin script languages. Multimodal LLMs also perform
poorly with complex multimodal questions. We believe that M3Exam can be a
valuable resource for comprehensively evaluating LLMs by examining their
multilingual and multimodal abilities and tracking their development. Data and
evaluation code is available at \url{https://github.com/DAMO-NLP-SG/M3Exam}. | cs.CL | M3Exam: A Multilingual, Multimodal, Multilevel Benchmark for Examining Large Language Models |
2023-06-08T13:17:06Z | http://arxiv.org/pdf/2306.05176v2 | http://arxiv.org/abs/2306.05176v2 | Leilei Wang | 2023-06-09T02:56:20Z | cs.CL, cs.AI | Owing to the impressive dot-product attention, the Transformers have been the
dominant architectures in various natural language processing (NLP) tasks.
Recently, the Receptance Weighted Key Value (RWKV) architecture follows a
non-transformer architecture to eliminate the drawbacks of dot-product
attention, where memory and computational complexity exhibits quadratic scaling
with sequence length. Although RWKV has exploited a linearly tensor-product
attention mechanism and achieved parallelized computations by deploying the
time-sequential mode, it fails to capture long-range dependencies because of
its limitation on looking back at previous information, compared with full
information obtained by direct interactions in the standard transformer.
Therefore, the paper devises the Retrospected Receptance Weighted Key Value
(RRWKV) architecture via incorporating the retrospecting ability into the RWKV
to effectively absorb information, which maintains memory and computational
efficiency as well. | cs.CL | RRWKV: Capturing Long-range Dependencies in RWKV |
2023-06-08T11:50:58Z | http://arxiv.org/pdf/2306.05126v1 | http://arxiv.org/abs/2306.05126v1 | Antonia Karamolegkou, Mostafa Abdou, Anders Søgaard | 2023-06-08T11:50:58Z | cs.CL | Over the years, many researchers have seemingly made the same observation:
Brain and language model activations exhibit some structural similarities,
enabling linear partial mappings between features extracted from neural
recordings and computational language models. In an attempt to evaluate how
much evidence has been accumulated for this observation, we survey over 30
studies spanning 10 datasets and 8 metrics. How much evidence has been
accumulated, and what, if anything, is missing before we can draw conclusions?
Our analysis of the evaluation methods used in the literature reveals that some
of the metrics are less conservative. We also find that the accumulated
evidence, for now, remains ambiguous, but correlations with model size and
quality provide grounds for cautious optimism. | cs.CL | Mapping Brains with Language Models: A Survey |
2023-06-08T11:41:39Z | http://arxiv.org/pdf/2306.05119v1 | http://arxiv.org/abs/2306.05119v1 | Mingqi Gao, Xiaojun Wan, Jia Su, Zhefeng Wang, Baoxing Huai | 2023-06-08T11:41:39Z | cs.CL | Factuality is important to dialogue summarization. Factual error correction
(FEC) of model-generated summaries is one way to improve factuality. Current
FEC evaluation that relies on factuality metrics is not reliable and detailed
enough. To address this problem, we are the first to manually annotate a FEC
dataset for dialogue summarization containing 4000 items and propose FERRANTI,
a fine-grained evaluation framework based on reference correction that
automatically evaluates the performance of FEC models on different error
categories. Using this evaluation framework, we conduct sufficient experiments
with FEC approaches under a variety of settings and find the best training
modes and significant differences in the performance of the existing approaches
on different factual error categories. | cs.CL | Reference Matters: Benchmarking Factual Error Correction for Dialogue Summarization with Fine-grained Evaluation Framework |
2023-06-08T11:30:43Z | http://arxiv.org/pdf/2306.05116v1 | http://arxiv.org/abs/2306.05116v1 | Christian Herold, Hermann Ney | 2023-06-08T11:30:43Z | cs.CL, cs.AI, cs.LG | Compared to sentence-level systems, document-level neural machine translation
(NMT) models produce a more consistent output across a document and are able to
better resolve ambiguities within the input. There are many works on
document-level NMT, mostly focusing on modifying the model architecture or
training strategy to better accommodate the additional context-input. On the
other hand, in most works, the question on how to perform search with the
trained model is scarcely discussed, sometimes not mentioned at all. In this
work, we aim to answer the question how to best utilize a context-aware
translation model in decoding. We start with the most popular document-level
NMT approach and compare different decoding schemes, some from the literature
and others proposed by us. In the comparison, we are using both, standard
automatic metrics, as well as specific linguistic phenomena on three standard
document-level translation benchmarks. We find that most commonly used decoding
strategies perform similar to each other and that higher quality context
information has the potential to further improve the translation. | cs.CL | On Search Strategies for Document-Level Neural Machine Translation |
2023-06-08T11:29:58Z | http://arxiv.org/pdf/2306.05115v1 | http://arxiv.org/abs/2306.05115v1 | Thales Bertaglia, Stefan Huber, Catalina Goanta, Gerasimos Spanakis, Adriana Iamnitchi | 2023-06-08T11:29:58Z | cs.CL, cs.SI | Regulatory bodies worldwide are intensifying their efforts to ensure
transparency in influencer marketing on social media through instruments like
the Unfair Commercial Practices Directive (UCPD) in the European Union, or
Section 5 of the Federal Trade Commission Act. Yet enforcing these obligations
has proven to be highly problematic due to the sheer scale of the influencer
market. The task of automatically detecting sponsored content aims to enable
the monitoring and enforcement of such regulations at scale. Current research
in this field primarily frames this problem as a machine learning task,
focusing on developing models that achieve high classification performance in
detecting ads. These machine learning tasks rely on human data annotation to
provide ground truth information. However, agreement between annotators is
often low, leading to inconsistent labels that hinder the reliability of
models. To improve annotation accuracy and, thus, the detection of sponsored
content, we propose using chatGPT to augment the annotation process with
phrases identified as relevant features and brief explanations. Our experiments
show that this approach consistently improves inter-annotator agreement and
annotation accuracy. Additionally, our survey of user experience in the
annotation task indicates that the explanations improve the annotators'
confidence and streamline the process. Our proposed methods can ultimately lead
to more transparency and alignment with regulatory requirements in sponsored
content detection. | cs.CL | Closing the Loop: Testing ChatGPT to Generate Model Explanations to Improve Human Labelling of Sponsored Content on Social Media |
2023-06-08T10:42:44Z | http://arxiv.org/pdf/2306.05088v1 | http://arxiv.org/abs/2306.05088v1 | Zheng Yuan, Aldo Pastore, Dorina de Jong, Hao Xu, Luciano Fadiga, Alessandro D'Ausilio | 2023-06-08T10:42:44Z | cs.CL, cs.LG, cs.SD, eess.AS | Phonetic convergence describes the automatic and unconscious speech
adaptation of two interlocutors in a conversation. This paper proposes a
Siamese recurrent neural network (RNN) architecture to measure the convergence
of the holistic spectral characteristics of speech sounds in an L2-L2
interaction. We extend an alternating reading task (the ART) dataset by adding
20 native Slovak L2 English speakers. We train and test the Siamese RNN model
to measure phonetic convergence of L2 English speech from three different
native language groups: Italian (9 dyads), French (10 dyads) and Slovak (10
dyads). Our results indicate that the Siamese RNN model effectively captures
the dynamics of phonetic convergence and the speaker's imitation ability.
Moreover, this text-independent model is scalable and capable of handling
L1-induced speaker variability. | cs.CL | The ART of Conversation: Measuring Phonetic Convergence and Deliberate Imitation in L2-Speech with a Siamese RNN |
2023-06-08T10:41:56Z | http://arxiv.org/pdf/2306.05087v2 | http://arxiv.org/abs/2306.05087v2 | Yidong Wang, Zhuohao Yu, Zhengran Zeng, Linyi Yang, Cunxiang Wang, Hao Chen, Chaoya Jiang, Rui Xie, Jindong Wang, Xing Xie, Wei Ye, Shikun Zhang, Yue Zhang | 2024-05-24T06:37:31Z | cs.CL, cs.AI | Instruction tuning large language models (LLMs) remains a challenging task,
owing to the complexity of hyperparameter selection and the difficulty involved
in evaluating the tuned models. To determine the optimal hyperparameters, an
automatic, robust, and reliable evaluation benchmark is essential. However,
establishing such a benchmark is not a trivial task due to the challenges
associated with evaluation accuracy and privacy protection. In response to
these challenges, we introduce a judge large language model, named PandaLM,
which is trained to distinguish the superior model given several LLMs.
PandaLM's focus extends beyond just the objective correctness of responses,
which is the main focus of traditional evaluation datasets. It addresses vital
subjective factors such as relative conciseness, clarity, adherence to
instructions, comprehensiveness, and formality. To ensure the reliability of
PandaLM, we collect a diverse human-annotated test dataset, where all contexts
are generated by humans and labels are aligned with human preferences. Our
results indicate that PandaLM-7B achieves 93.75% of GPT-3.5's evaluation
ability and 88.28% of GPT-4's in terms of F1-score on our test dataset. PandaLM
enables the evaluation of LLM to be fairer but with less cost, evidenced by
significant improvements achieved by models tuned through PandaLM compared to
their counterparts trained with default Alpaca's hyperparameters. In addition,
PandaLM does not depend on API-based evaluations, thus avoiding potential data
leakage. All resources of PandaLM are released at
https://github.com/WeOpenML/PandaLM. | cs.CL | PandaLM: An Automatic Evaluation Benchmark for LLM Instruction Tuning Optimization |
2023-06-08T10:24:02Z | http://arxiv.org/pdf/2306.05083v2 | http://arxiv.org/abs/2306.05083v2 | Cheng-Han Chiang, Yung-Sung Chuang, James Glass, Hung-yi Lee | 2023-06-13T04:56:06Z | cs.CL | Existing sentence textual similarity benchmark datasets only use a single
number to summarize how similar the sentence encoder's decision is to humans'.
However, it is unclear what kind of sentence pairs a sentence encoder (SE)
would consider similar. Moreover, existing SE benchmarks mainly consider
sentence pairs with low lexical overlap, so it is unclear how the SEs behave
when two sentences have high lexical overlap. We introduce a high-quality SE
diagnostic dataset, HEROS. HEROS is constructed by transforming an original
sentence into a new sentence based on certain rules to form a \textit{minimal
pair}, and the minimal pair has high lexical overlaps. The rules include
replacing a word with a synonym, an antonym, a typo, a random word, and
converting the original sentence into its negation. Different rules yield
different subsets of HEROS. By systematically comparing the performance of over
60 supervised and unsupervised SEs on HEROS, we reveal that most unsupervised
sentence encoders are insensitive to negation. We find the datasets used to
train the SE are the main determinants of what kind of sentence pairs an SE
considers similar. We also show that even if two SEs have similar performance
on STS benchmarks, they can have very different behavior on HEROS. Our result
reveals the blind spot of traditional STS benchmarks when evaluating SEs. | cs.CL | Revealing the Blind Spot of Sentence Encoder Evaluation by HEROS |
2023-06-08T10:02:04Z | http://arxiv.org/pdf/2306.05079v2 | http://arxiv.org/abs/2306.05079v2 | Cristina Improta, Pietro Liguori, Roberto Natella, Bojan Cukic, Domenico Cotroneo | 2023-10-01T13:01:07Z | cs.LG, cs.CL, cs.CR | In this work, we present a method to add perturbations to the code
descriptions to create new inputs in natural language (NL) from
well-intentioned developers that diverge from the original ones due to the use
of new words or because they miss part of them. The goal is to analyze how and
to what extent perturbations affect the performance of AI code generators in
the context of security-oriented code. First, we show that perturbed
descriptions preserve the semantics of the original, non-perturbed ones. Then,
we use the method to assess the robustness of three state-of-the-art code
generators against the newly perturbed inputs, showing that the performance of
these AI-based solutions is highly affected by perturbations in the NL
descriptions. To enhance their robustness, we use the method to perform data
augmentation, i.e., to increase the variability and diversity of the NL
descriptions in the training data, proving its effectiveness against both
perturbed and non-perturbed code descriptions. | cs.LG | Enhancing Robustness of AI Offensive Code Generators via Data Augmentation |
2023-06-08T10:00:19Z | http://arxiv.org/pdf/2306.05077v1 | http://arxiv.org/abs/2306.05077v1 | Christian Herold, Yingbo Gao, Mohammad Zeineldeen, Hermann Ney | 2023-06-08T10:00:19Z | cs.CL, cs.AI, cs.LG | The integration of language models for neural machine translation has been
extensively studied in the past. It has been shown that an external language
model, trained on additional target-side monolingual data, can help improve
translation quality. However, there has always been the assumption that the
translation model also learns an implicit target-side language model during
training, which interferes with the external language model at decoding time.
Recently, some works on automatic speech recognition have demonstrated that, if
the implicit language model is neutralized in decoding, further improvements
can be gained when integrating an external language model. In this work, we
transfer this concept to the task of machine translation and compare with the
most prominent way of including additional monolingual data - namely
back-translation. We find that accounting for the implicit language model
significantly boosts the performance of language model fusion, although this
approach is still outperformed by back-translation. | cs.CL | Improving Language Model Integration for Neural Machine Translation |
2023-06-08T09:59:48Z | http://arxiv.org/pdf/2306.05076v1 | http://arxiv.org/abs/2306.05076v1 | Amr Keleg, Walid Magdy | 2023-06-08T09:59:48Z | cs.CL | A few benchmarking datasets have been released to evaluate the factual
knowledge of pretrained language models. These benchmarks (e.g., LAMA, and
ParaRel) are mainly developed in English and later are translated to form new
multilingual versions (e.g., mLAMA, and mParaRel). Results on these
multilingual benchmarks suggest that using English prompts to recall the facts
from multilingual models usually yields significantly better and more
consistent performance than using non-English prompts. Our analysis shows that
mLAMA is biased toward facts from Western countries, which might affect the
fairness of probing models. We propose a new framework for curating factual
triples from Wikidata that are culturally diverse. A new benchmark DLAMA-v1 is
built of factual triples from three pairs of contrasting cultures having a
total of 78,259 triples from 20 relation predicates. The three pairs comprise
facts representing the (Arab and Western), (Asian and Western), and (South
American and Western) countries respectively. Having a more balanced benchmark
(DLAMA-v1) supports that mBERT performs better on Western facts than
non-Western ones, while monolingual Arabic, English, and Korean models tend to
perform better on their culturally proximate facts. Moreover, both monolingual
and multilingual models tend to make a prediction that is culturally or
geographically relevant to the correct label, even if the prediction is wrong. | cs.CL | DLAMA: A Framework for Curating Culturally Diverse Facts for Probing the Knowledge of Pretrained Language Models |
2023-06-08T09:56:57Z | http://arxiv.org/pdf/2306.05075v1 | http://arxiv.org/abs/2306.05075v1 | Konstantin Chernyshev, Ekaterina Garanina, Duygu Bayram, Qiankun Zheng, Lukas Edman | 2023-06-08T09:56:57Z | cs.CL | Misogyny and sexism are growing problems in social media. Advances have been
made in online sexism detection but the systems are often uninterpretable.
SemEval-2023 Task 10 on Explainable Detection of Online Sexism aims at
increasing explainability of the sexism detection, and our team participated in
all the proposed subtasks. Our system is based on further domain-adaptive
pre-training (Gururangan et al., 2020). Building on the Transformer-based
models with the domain adaptation, we compare fine-tuning with multi-task
learning and show that each subtask requires a different system configuration.
In our experiments, multi-task learning performs on par with standard
fine-tuning for sexism detection and noticeably better for coarse-grained
sexism classification, while fine-tuning is preferable for fine-grained
classification. | cs.CL | LCT-1 at SemEval-2023 Task 10: Pre-training and Multi-task Learning for Sexism Detection and Classification |
2023-06-08T09:29:05Z | http://arxiv.org/pdf/2306.05064v2 | http://arxiv.org/abs/2306.05064v2 | Cheng Deng, Tianhang Zhang, Zhongmou He, Yi Xu, Qiyuan Chen, Yuanyuan Shi, Luoyi Fu, Weinan Zhang, Xinbing Wang, Chenghu Zhou, Zhouhan Lin, Junxian He | 2023-09-13T19:33:18Z | cs.CL, cs.AI, I.2.7; F.4.1 | Large language models (LLMs) have achieved great success in general domains
of natural language processing. In this paper, we bring LLMs to the realm of
geoscience with the objective of advancing research and applications in this
field. To this end, we present the first-ever LLM in geoscience, K2, alongside
a suite of resources developed to further promote LLM research within
geoscience. For instance, we have curated the first geoscience instruction
tuning dataset, GeoSignal, which aims to align LLM responses to
geoscience-related user queries. Additionally, we have established the first
geoscience benchmark, GeoBench, to evaluate LLMs in the context of geoscience.
In this work, we experiment with a complete recipe to adapt a pre-trained
general-domain LLM to the geoscience domain. Specifically, we further train the
LLaMA-7B model on 5.5B tokens of geoscience text corpus, including over 1
million pieces of geoscience literature, and utilize GeoSignal's supervised
data to fine-tune the model. Moreover, we share a protocol that can efficiently
gather domain-specific data and construct domain-supervised data, even in
situations where manpower is scarce. Meanwhile, we equip K2 with the abilities
of using tools to be a naive geoscience aide. Experiments conducted on the
GeoBench demonstrate the effectiveness of our approach and datasets on
geoscience knowledge understanding and utilization.We open-source all the
training data and K2 model checkpoints at https://github.com/davendw49/k2. | cs.CL | K2: A Foundation Language Model for Geoscience Knowledge Understanding and Utilization |
2023-06-08T09:12:28Z | http://arxiv.org/pdf/2306.05052v1 | http://arxiv.org/abs/2306.05052v1 | Aleksa Bisercic, Mladen Nikolic, Mihaela van der Schaar, Boris Delibasic, Pietro Lio, Andrija Petrovic | 2023-06-08T09:12:28Z | cs.LG, cs.AI, cs.CL | Tabular data is often hidden in text, particularly in medical diagnostic
reports. Traditional machine learning (ML) models designed to work with tabular
data, cannot effectively process information in such form. On the other hand,
large language models (LLMs) which excel at textual tasks, are probably not the
best tool for modeling tabular data. Therefore, we propose a novel, simple, and
effective methodology for extracting structured tabular data from textual
medical reports, called TEMED-LLM. Drawing upon the reasoning capabilities of
LLMs, TEMED-LLM goes beyond traditional extraction techniques, accurately
inferring tabular features, even when their names are not explicitly mentioned
in the text. This is achieved by combining domain-specific reasoning guidelines
with a proposed data validation and reasoning correction feedback loop. By
applying interpretable ML models such as decision trees and logistic regression
over the extracted and validated data, we obtain end-to-end interpretable
predictions. We demonstrate that our approach significantly outperforms
state-of-the-art text classification models in medical diagnostics. Given its
predictive performance, simplicity, and interpretability, TEMED-LLM underscores
the potential of leveraging LLMs to improve the performance and trustworthiness
of ML models in medical applications. | cs.LG | Interpretable Medical Diagnostics with Structured Data Extraction by Large Language Models |
2023-06-08T07:33:22Z | http://arxiv.org/pdf/2306.04996v1 | http://arxiv.org/abs/2306.04996v1 | Inigo Jauregi Unanue, Gholamreza Haffari, Massimo Piccardi | 2023-06-08T07:33:22Z | cs.CL | Cross-lingual text classification leverages text classifiers trained in a
high-resource language to perform text classification in other languages with
no or minimal fine-tuning (zero/few-shots cross-lingual transfer). Nowadays,
cross-lingual text classifiers are typically built on large-scale, multilingual
language models (LMs) pretrained on a variety of languages of interest.
However, the performance of these models vary significantly across languages
and classification tasks, suggesting that the superposition of the language
modelling and classification tasks is not always effective. For this reason, in
this paper we propose revisiting the classic "translate-and-test" pipeline to
neatly separate the translation and classification stages. The proposed
approach couples 1) a neural machine translator translating from the targeted
language to a high-resource language, with 2) a text classifier trained in the
high-resource language, but the neural machine translator generates "soft"
translations to permit end-to-end backpropagation during fine-tuning of the
pipeline. Extensive experiments have been carried out over three cross-lingual
text classification datasets (XNLI, MLDoc and MultiEURLEX), with the results
showing that the proposed approach has significantly improved performance over
a competitive baseline. | cs.CL | T3L: Translate-and-Test Transfer Learning for Cross-Lingual Text Classification |
2023-06-08T07:10:39Z | http://arxiv.org/pdf/2306.04980v1 | http://arxiv.org/abs/2306.04980v1 | Zhiyi Wang, Shaoguang Mao, Wenshan Wu, Yan Xia, Yan Deng, Jonathan Tien | 2023-06-08T07:10:39Z | cs.CL, cs.SD, eess.AS | This work introduces approaches to assessing phrase breaks in ESL learners'
speech using pre-trained language models (PLMs) and large language models
(LLMs). There are two tasks: overall assessment of phrase break for a speech
clip and fine-grained assessment of every possible phrase break position. To
leverage NLP models, speech input is first force-aligned with texts, and then
pre-processed into a token sequence, including words and phrase break
information. To utilize PLMs, we propose a pre-training and fine-tuning
pipeline with the processed tokens. This process includes pre-training with a
replaced break token detection module and fine-tuning with text classification
and sequence labeling. To employ LLMs, we design prompts for ChatGPT. The
experiments show that with the PLMs, the dependence on labeled training data
has been greatly reduced, and the performance has improved. Meanwhile, we
verify that ChatGPT, a renowned LLM, has potential for further advancement in
this area. | cs.CL | Assessing Phrase Break of ESL Speech with Pre-trained Language Models and Large Language Models |
2023-06-08T06:55:02Z | http://arxiv.org/pdf/2306.04968v1 | http://arxiv.org/abs/2306.04968v1 | Jun Zhao, Yongxin Zhang, Qi Zhang, Tao Gui, Zhongyu Wei, Minlong Peng, Mingming Sun | 2023-06-08T06:55:02Z | cs.CL | Current clustering-based Open Relation Extraction (OpenRE) methods usually
adopt a two-stage pipeline. The first stage simultaneously learns relation
representations and assignments. The second stage manually labels several
instances and thus names the relation for each cluster. However, unsupervised
objectives struggle to optimize the model to derive accurate clustering
assignments, and the number of clusters has to be supplied in advance. In this
paper, we present a novel setting, named actively supervised clustering for
OpenRE. Our insight lies in that clustering learning and relation labeling can
be alternately performed, providing the necessary guidance for clustering
without a significant increase in human effort. The key to the setting is
selecting which instances to label. Instead of using classical active labeling
strategies designed for fixed known classes, we propose a new strategy, which
is applicable to dynamically discover clusters of unknown relations.
Experimental results show that our method is able to discover almost all
relational clusters in the data and improve the SOTA methods by 10.3\% and
5.2\%, on two datasets respectively. | cs.CL | Actively Supervised Clustering for Open Relation Extraction |
2023-06-08T06:43:10Z | http://arxiv.org/pdf/2306.04964v1 | http://arxiv.org/abs/2306.04964v1 | Gauri Takawane, Abhishek Phaltankar, Varad Patwardhan, Aryan Patil, Raviraj Joshi, Mukta S. Takalikar | 2023-06-08T06:43:10Z | cs.CL, cs.LG | The usage of more than one language in the same text is referred to as Code
Mixed. It is evident that there is a growing degree of adaption of the use of
code-mixed data, especially English with a regional language, on social media
platforms. Existing deep-learning models do not take advantage of the implicit
language information in the code-mixed text. Our study aims to improve
BERT-based models performance on low-resource Code-Mixed Hindi-English Datasets
by experimenting with language augmentation approaches. We propose a pipeline
to improve code-mixed systems that comprise data preprocessing, word-level
language identification, language augmentation, and model training on
downstream tasks like sentiment analysis. For language augmentation in BERT
models, we explore word-level interleaving and post-sentence placement of
language information. We have examined the performance of vanilla BERT-based
models and their code-mixed HingBERT counterparts on respective benchmark
datasets, comparing their results with and without using word-level language
information. The models were evaluated using metrics such as accuracy,
precision, recall, and F1 score. Our findings show that the proposed language
augmentation approaches work well across different BERT models. We demonstrate
the importance of augmenting code-mixed text with language information on five
different code-mixed Hindi-English downstream datasets based on sentiment
analysis, hate speech detection, and emotion detection. | cs.CL | Leveraging Language Identification to Enhance Code-Mixed Text Classification |
2023-06-08T06:02:34Z | http://arxiv.org/pdf/2306.04954v1 | http://arxiv.org/abs/2306.04954v1 | Jun Zhao, Wenyu Zhan, Xin Zhao, Qi Zhang, Tao Gui, Zhongyu Wei, Junzhe Wang, Minlong Peng, Mingming Sun | 2023-06-08T06:02:34Z | cs.CL | Semantic matching is a mainstream paradigm of zero-shot relation extraction,
which matches a given input with a corresponding label description. The
entities in the input should exactly match their hypernyms in the description,
while the irrelevant contexts should be ignored when matching. However, general
matching methods lack explicit modeling of the above matching pattern. In this
work, we propose a fine-grained semantic matching method tailored for zero-shot
relation extraction. Following the above matching pattern, we decompose the
sentence-level similarity score into entity and context matching scores. Due to
the lack of explicit annotations of the redundant components, we design a
feature distillation module to adaptively identify the relation-irrelevant
features and reduce their negative impact on context matching. Experimental
results show that our method achieves higher matching $F_1$ score and has an
inference speed 10 times faster, when compared with the state-of-the-art
methods. | cs.CL | RE-Matching: A Fine-Grained Semantic Matching Method for Zero-Shot Relation Extraction |
2023-06-08T05:45:25Z | http://arxiv.org/pdf/2306.04950v1 | http://arxiv.org/abs/2306.04950v1 | Jun Zhao, Xin Zhao, Wenyu Zhan, Qi Zhang, Tao Gui, Zhongyu Wei, Yunwen Chen, Xiang Gao, Xuanjing Huang | 2023-06-08T05:45:25Z | cs.CL | The existing supervised relation extraction methods have achieved impressive
performance in a closed-set setting, where the relations during both training
and testing remain the same. In a more realistic open-set setting, unknown
relations may appear in the test set. Due to the lack of supervision signals
from unknown relations, a well-performing closed-set relation extractor can
still confidently misclassify them into known relations. In this paper, we
propose an unknown-aware training method, regularizing the model by dynamically
synthesizing negative instances. To facilitate a compact decision boundary,
``difficult'' negative instances are necessary. Inspired by text adversarial
attacks, we adaptively apply small but critical perturbations to original
training instances and thus synthesizing negative instances that are more
likely to be mistaken by the model as known relations. Experimental results
show that this method achieves SOTA unknown relation detection without
compromising the classification of known relations. | cs.CL | Open Set Relation Extraction via Unknown-Aware Training |
2023-06-08T05:17:03Z | http://arxiv.org/pdf/2306.04941v1 | http://arxiv.org/abs/2306.04941v1 | Tomoya Kitano, Yuto Miyatake, Daisuke Furihata | 2023-06-08T05:17:03Z | cs.CL, cs.LG | This paper presents a modified neural model for topic detection from a corpus
and proposes a new metric to evaluate the detected topics. The new model builds
upon the embedded topic model incorporating some modifications such as document
clustering. Numerical experiments suggest that the new model performs
favourably regardless of the document's length. The new metric, which can be
computed more efficiently than widely-used metrics such as topic coherence,
provides variable information regarding the understandability of the detected
topics. | cs.CL | A modified model for topic detection from a corpus and a new metric evaluating the understandability of topics |
2023-06-08T04:31:48Z | http://arxiv.org/pdf/2306.04933v1 | http://arxiv.org/abs/2306.04933v1 | Junda Wu, Tong Yu, Rui Wang, Zhao Song, Ruiyi Zhang, Handong Zhao, Chaochao Lu, Shuai Li, Ricardo Henao | 2023-06-08T04:31:48Z | cs.CL, cs.LG, stat.ML | Soft prompt tuning achieves superior performances across a wide range of
few-shot tasks. However, the performances of prompt tuning can be highly
sensitive to the initialization of the prompts. We also empirically observe
that conventional prompt tuning methods cannot encode and learn sufficient
task-relevant information from prompt tokens. In this work, we develop an
information-theoretic framework that formulates soft prompt tuning as
maximizing mutual information between prompts and other model parameters (or
encoded representations). This novel view helps us to develop a more efficient,
accurate and robust soft prompt tuning method InfoPrompt. With this framework,
we develop two novel mutual information based loss functions, to (i) discover
proper prompt initialization for the downstream tasks and learn sufficient
task-relevant information from prompt tokens and (ii) encourage the output
representation from the pretrained language model to be more aware of the
task-relevant information captured in the learnt prompt. Extensive experiments
validate that InfoPrompt can significantly accelerate the convergence of the
prompt tuning and outperform traditional prompt tuning methods. Finally, we
provide a formal theoretical result for showing to show that gradient descent
type algorithm can be used to train our mutual information loss. | cs.CL | InfoPrompt: Information-Theoretic Soft Prompt Tuning for Natural Language Understanding |
2023-06-08T04:08:32Z | http://arxiv.org/pdf/2306.04926v1 | http://arxiv.org/abs/2306.04926v1 | Yousuf A. Khan, Clarisse Hokia, Jennifer Xu, Ben Ehlert | 2023-06-08T04:08:32Z | cs.CL, cs.AI, cs.LG | The COVID-19 pandemic led to 1.1 million deaths in the United States, despite
the explosion of coronavirus research. These new findings are slow to translate
to clinical interventions, leading to poorer patient outcomes and unnecessary
deaths. One reason is that clinicians, overwhelmed by patients, struggle to
keep pace with the rate of new coronavirus literature. A potential solution is
developing a tool for evaluating coronavirus literature using large language
models (LLMs) -- neural networks that are deployed for natural language
processing. LLMs can be used to summarize and extract user-specified
information. The greater availability and advancement of LLMs and pre-processed
coronavirus literature databases provide the opportunity to assist clinicians
in evaluating coronavirus literature through a coronavirus literature specific
LLM (covLLM), a tool that directly takes an inputted research article and a
user query to return an answer. Using the COVID-19 Open Research Dataset
(CORD-19), we produced two datasets: (1) synCovid, which uses a combination of
handwritten prompts and synthetic prompts generated using OpenAI, and (2) real
abstracts, which contains abstract and title pairs. covLLM was trained with
LLaMA 7B as a baseline model to produce three models trained on (1) the Alpaca
and synCovid datasets, (2) the synCovid dataset, and (3) the synCovid and real
abstract datasets. These models were evaluated by two human evaluators and
ChatGPT. Results demonstrate that training covLLM on the synCovid and abstract
pairs datasets performs competitively with ChatGPT and outperforms covLLM
trained primarily using the Alpaca dataset. | cs.CL | covLLM: Large Language Models for COVID-19 Biomedical Literature |
2023-06-08T04:04:47Z | http://arxiv.org/pdf/2306.04925v1 | http://arxiv.org/abs/2306.04925v1 | Jaehyung Kim, Jinwoo Shin, Dongyeop Kang | 2023-06-08T04:04:47Z | cs.CL, cs.LG | The development of largely human-annotated benchmarks has driven the success
of deep neural networks in various NLP tasks. To enhance the effectiveness of
existing benchmarks, collecting new additional input-output pairs is often too
costly and challenging, particularly considering their marginal impact on
improving the current model accuracy. Instead, additional or complementary
annotations on the existing input texts in the benchmarks can be preferable as
an efficient way to pay the additional human cost. In this paper, we
investigate task-specific preferences between pairs of input texts as a new
alternative way for such auxiliary data annotation. From 'pair-wise'
comparisons with respect to the task, the auxiliary preference learning enables
the model to learn an additional informative training signal that cannot be
captured with 'instance-wise' task labels. To this end, we propose a novel
multi-task learning framework, called prefer-to-classify (P2C), which can enjoy
the cooperative effect of learning both the given classification task and the
auxiliary preferences. Here, we provide three different ways to collect
preference signals in practice: (a) implicitly extracting from annotation
records (for free, but often unavailable), (b) collecting explicitly from crowd
workers (high paid), or (c) pre-trained large language models such as GPT-3
(low paid). Given existing classification NLP benchmarks, we demonstrate that
the proposed auxiliary preference learning via P2C on them is effective in
improving text classifiers. Our codes are publicly available. | cs.CL | Prefer to Classify: Improving Text Classifiers via Auxiliary Preference Learning |
2023-06-08T03:10:49Z | http://arxiv.org/pdf/2306.04903v1 | http://arxiv.org/abs/2306.04903v1 | Thi-Hai-Yen Vuong, Hai-Long Nguyen, Tan-Minh Nguyen, Hoang-Trung Nguyen, Thai-Binh Nguyen, Ha-Thanh Nguyen | 2023-06-08T03:10:49Z | cs.CL | This paper presents the NOWJ team's approach to the COLIEE 2023 Competition,
which focuses on advancing legal information processing techniques and applying
them to real-world legal scenarios. Our team tackles the four tasks in the
competition, which involve legal case retrieval, legal case entailment, statute
law retrieval, and legal textual entailment. We employ state-of-the-art machine
learning models and innovative approaches, such as BERT, Longformer,
BM25-ranking algorithm, and multi-task learning models. Although our team did
not achieve state-of-the-art results, our findings provide valuable insights
and pave the way for future improvements in legal information processing. | cs.CL | NOWJ at COLIEE 2023 -- Multi-Task and Ensemble Approaches in Legal Information Processing |
2023-06-08T02:38:23Z | http://arxiv.org/pdf/2306.04891v2 | http://arxiv.org/abs/2306.04891v2 | Madhur Panwar, Kabir Ahuja, Navin Goyal | 2024-04-14T05:12:52Z | cs.LG, cs.CL | In-context learning (ICL) is one of the surprising and useful features of
large language models and subject of intense research. Recently, stylized
meta-learning-like ICL setups have been devised that train transformers on
sequences of input-output pairs $(x, f(x))$. The function $f$ comes from a
function class and generalization is checked by evaluating on sequences
generated from unseen functions from the same class. One of the main
discoveries in this line of research has been that for several function
classes, such as linear regression, transformers successfully generalize to new
functions in the class. However, the inductive biases of these models resulting
in this behavior are not clearly understood. A model with unlimited training
data and compute is a Bayesian predictor: it learns the pretraining
distribution. In this paper we empirically examine how far this Bayesian
perspective can help us understand ICL. To this end, we generalize the previous
meta-ICL setup to hierarchical meta-ICL setup which involve unions of multiple
task families. We instantiate this setup on a diverse range of linear and
nonlinear function families and find that transformers can do ICL in this
setting as well. Where Bayesian inference is tractable, we find evidence that
high-capacity transformers mimic the Bayesian predictor. The Bayesian
perspective provides insights into the inductive bias of ICL and how
transformers perform a particular task when they are trained on multiple tasks.
We also find that transformers can learn to generalize to new function classes
that were not seen during pretraining. This involves deviation from the
Bayesian predictor. We examine these deviations in more depth offering new
insights and hypotheses. | cs.LG | In-Context Learning through the Bayesian Prism |
2023-06-08T02:07:49Z | http://arxiv.org/pdf/2306.04874v1 | http://arxiv.org/abs/2306.04874v1 | Hanyu Liu, Chengyuan Cai, Yanjun Qi | 2023-06-08T02:07:49Z | cs.CL, cs.AI, cs.CR, cs.LG | Recent studies have revealed that NLP predictive models are vulnerable to
adversarial attacks. Most existing studies focused on designing attacks to
evaluate the robustness of NLP models in the English language alone. Literature
has seen an increasing need for NLP solutions for other languages. We,
therefore, ask one natural question: whether state-of-the-art (SOTA) attack
methods generalize to other languages. This paper investigates how to adapt
SOTA adversarial attack algorithms in English to the Chinese language. Our
experiments show that attack methods previously applied to English NLP can
generate high-quality adversarial examples in Chinese when combined with proper
text segmentation and linguistic constraints. In addition, we demonstrate that
the generated adversarial examples can achieve high fluency and semantic
consistency by focusing on the Chinese language's morphology and phonology,
which in turn can be used to improve the adversarial robustness of Chinese NLP
models. | cs.CL | Expanding Scope: Adapting English Adversarial Attacks to Chinese |
2023-06-08T00:35:36Z | http://arxiv.org/pdf/2306.04845v1 | http://arxiv.org/abs/2306.04845v1 | Ganesh Jawahar, Haichuan Yang, Yunyang Xiong, Zechun Liu, Dilin Wang, Fei Sun, Meng Li, Aasish Pappu, Barlas Oguz, Muhammad Abdul-Mageed, Laks V. S. Lakshmanan, Raghuraman Krishnamoorthi, Vikas Chandra | 2023-06-08T00:35:36Z | cs.CL | Weight-sharing supernet has become a vital component for performance
estimation in the state-of-the-art (SOTA) neural architecture search (NAS)
frameworks. Although supernet can directly generate different subnetworks
without retraining, there is no guarantee for the quality of these subnetworks
because of weight sharing. In NLP tasks such as machine translation and
pre-trained language modeling, we observe that given the same model
architecture, there is a large performance gap between supernet and training
from scratch. Hence, supernet cannot be directly used and retraining is
necessary after finding the optimal architectures.
In this work, we propose mixture-of-supernets, a generalized supernet
formulation where mixture-of-experts (MoE) is adopted to enhance the expressive
power of the supernet model, with negligible training overhead. In this way,
different subnetworks do not share the model weights directly, but through an
architecture-based routing mechanism. As a result, model weights of different
subnetworks are customized towards their specific architectures and the weight
generation is learned by gradient descent. Compared to existing weight-sharing
supernet for NLP, our method can minimize the retraining time, greatly
improving training efficiency. In addition, the proposed method achieves the
SOTA performance in NAS for building fast machine translation models, yielding
better latency-BLEU tradeoff compared to HAT, state-of-the-art NAS for MT. We
also achieve the SOTA performance in NAS for building memory-efficient
task-agnostic BERT models, outperforming NAS-BERT and AutoDistil in various
model sizes. | cs.CL | Mixture-of-Supernets: Improving Weight-Sharing Supernet Training with Architecture-Routed Mixture-of-Experts |
2023-06-08T00:24:29Z | http://arxiv.org/pdf/2306.04841v1 | http://arxiv.org/abs/2306.04841v1 | Thi-Hai-Yen Vuong, Ha-Thanh Nguyen, Quang-Huy Nguyen, Le-Minh Nguyen, Xuan-Hieu Phan | 2023-06-08T00:24:29Z | cs.CL | Question answering (QA) in law is a challenging problem because legal
documents are much more complicated than normal texts in terms of terminology,
structure, and temporal and logical relationships. It is even more difficult to
perform legal QA for low-resource languages like Vietnamese where labeled data
are rare and pre-trained language models are still limited. In this paper, we
try to overcome these limitations by implementing a Vietnamese article-level
retrieval-based legal QA system and introduce a novel method to improve the
performance of language models by improving data quality through weak labeling.
Our hypothesis is that in contexts where labeled data are limited, efficient
data enrichment can help increase overall performance. Our experiments are
designed to test multiple aspects, which demonstrate the effectiveness of the
proposed technique. | cs.CL | Improving Vietnamese Legal Question--Answering System based on Automatic Data Enrichment |
2023-06-07T23:07:23Z | http://arxiv.org/pdf/2306.04823v1 | http://arxiv.org/abs/2306.04823v1 | Ting-Wei Wu, Fatemeh Sheikholeslami, Mohammad Kachuee, Jaeyoung Do, Sungjin Lee | 2023-06-07T23:07:23Z | cs.CL | Large-scale conversational systems typically rely on a skill-routing
component to route a user request to an appropriate skill and interpretation to
serve the request. In such system, the agent is responsible for serving
thousands of skills and interpretations which create a long-tail distribution
due to the natural frequency of requests. For example, the samples related to
play music might be a thousand times more frequent than those asking for
theatre show times. Moreover, inputs used for ML-based skill routing are often
a heterogeneous mix of strings, embedding vectors, categorical and scalar
features which makes employing augmentation-based long-tail learning approaches
challenging. To improve the skill-routing robustness, we propose an
augmentation of heterogeneous skill-routing data and training targeted for
robust operation in long-tail data regimes. We explore a variety of conditional
encoder-decoder generative frameworks to perturb original data fields and
create synthetic training data. To demonstrate the effectiveness of the
proposed method, we conduct extensive experiments using real-world data from a
commercial conversational system. Based on the experiment results, the proposed
approach improves more than 80% (51 out of 63) of intents with less than 10K of
traffic instances in the skill-routing replication task. | cs.CL | Data Augmentation for Improving Tail-traffic Robustness in Skill-routing for Dialogue Systems |
2023-06-07T22:56:53Z | http://arxiv.org/pdf/2306.04820v1 | http://arxiv.org/abs/2306.04820v1 | Shreya Chandrasekhar, Chieh-Yang Huang, Ting-Hao 'Kenneth' Huang | 2023-06-07T22:56:53Z | cs.CL | The rapid growth of scientific publications, particularly during the COVID-19
pandemic, emphasizes the need for tools to help researchers efficiently
comprehend the latest advancements. One essential part of understanding
scientific literature is research aspect classification, which categorizes
sentences in abstracts to Background, Purpose, Method, and Finding. In this
study, we investigate the impact of different datasets on model performance for
the crowd-annotated CODA-19 research aspect classification task. Specifically,
we explore the potential benefits of using the large, automatically curated
PubMed 200K RCT dataset and evaluate the effectiveness of large language models
(LLMs), such as LLaMA, GPT-3, ChatGPT, and GPT-4. Our results indicate that
using the PubMed 200K RCT dataset does not improve performance for the CODA-19
task. We also observe that while GPT-4 performs well, it does not outperform
the SciBERT model fine-tuned on the CODA-19 dataset, emphasizing the importance
of a dedicated and task-aligned datasets dataset for the target task. Our code
is available at https://github.com/Crowd-AI-Lab/CODA-19-exp. | cs.CL | Good Data, Large Data, or No Data? Comparing Three Approaches in Developing Research Aspect Classifiers for Biomedical Papers |
2023-06-07T21:53:14Z | http://arxiv.org/pdf/2306.04803v1 | http://arxiv.org/abs/2306.04803v1 | Alexandre Sablayrolles, Yue Wang, Brian Karrer | 2023-06-07T21:53:14Z | cs.LG, cs.CL, cs.CR | Privately generating synthetic data from a table is an important brick of a
privacy-first world. We propose and investigate a simple approach of treating
each row in a table as a sentence and training a language model with
differential privacy. We show this approach obtains competitive results in
modelling tabular data across multiple datasets, even at small scales that
favor alternative methods based on marginal distributions. | cs.LG | Privately generating tabular data using language models |
2023-06-07T21:51:56Z | http://arxiv.org/pdf/2306.04802v3 | http://arxiv.org/abs/2306.04802v3 | Hejie Cui, Jiaying Lu, Shiyu Wang, Ran Xu, Wenjing Ma, Shaojun Yu, Yue Yu, Xuan Kan, Chen Ling, Tianfan Fu, Liang Zhao, Joyce Ho, Fei Wang, Carl Yang | 2024-02-19T23:40:58Z | cs.AI, cs.CL, cs.LG, cs.SI | Healthcare knowledge graphs (HKGs) are valuable tools for organizing
biomedical concepts and their relationships with interpretable structures. The
recent advent of large language models (LLMs) has paved the way for building
more comprehensive and accurate HKGs. This, in turn, can improve the
reliability of generated content and enable better evaluation of LLMs. However,
the challenges of HKGs such as regarding data heterogeneity and limited
coverage are not fully understood, highlighting the need for detailed reviews.
This work provides the first comprehensive review of HKGs. It summarizes the
pipeline and key techniques for HKG construction, as well as the common
utilization approaches, i.e., model-free and model-based. The existing HKG
resources are also organized based on the data types they capture and
application domains they cover, along with relevant statistical information
(Resource available at
https://github.com/lujiaying/Awesome-HealthCare-KnowledgeBase). At the
application level, we delve into the successful integration of HKGs across
various health domains, ranging from fine-grained basic science research to
high-level clinical decision support and public health. Lastly, the paper
highlights the opportunities for HKGs in the era of LLMs. This work aims to
serve as a valuable resource for understanding the potential and opportunities
of HKG in health research. | cs.AI | A Review on Knowledge Graphs for Healthcare: Resources, Applications, and Promises |
2023-06-07T21:18:23Z | http://arxiv.org/pdf/2306.04787v1 | http://arxiv.org/abs/2306.04787v1 | Mohamed Trabelsi, Huseyin Uzunalioglu | 2023-06-07T21:18:23Z | cs.CL, cs.LG | Multi-document summarization (MDS) refers to the task of summarizing the text
in multiple documents into a concise summary. The generated summary can save
the time of reading many documents by providing the important content in the
form of a few sentences. Abstractive MDS aims to generate a coherent and fluent
summary for multiple documents using natural language generation techniques. In
this paper, we consider the unsupervised abstractive MDS setting where there
are only documents with no groundtruh summaries provided, and we propose
Absformer, a new Transformer-based method for unsupervised abstractive summary
generation. Our method consists of a first step where we pretrain a
Transformer-based encoder using the masked language modeling (MLM) objective as
the pretraining task in order to cluster the documents into semantically
similar groups; and a second step where we train a Transformer-based decoder to
generate abstractive summaries for the clusters of documents. To our knowledge,
we are the first to successfully incorporate a Transformer-based model to solve
the unsupervised abstractive MDS task. We evaluate our approach using three
real-world datasets from different domains, and we demonstrate both substantial
improvements in terms of evaluation metrics over state-of-the-art
abstractive-based methods, and generalization to datasets from different
domains. | cs.CL | Absformer: Transformer-based Model for Unsupervised Multi-Document Abstractive Summarization |
2023-06-07T20:24:43Z | http://arxiv.org/pdf/2306.04765v1 | http://arxiv.org/abs/2306.04765v1 | Morteza Behrooz, William Ngan, Joshua Lane, Giuliano Morse, Benjamin Babcock, Kurt Shuster, Mojtaba Komeili, Moya Chen, Melanie Kambadur, Y-Lan Boureau, Jason Weston | 2023-06-07T20:24:43Z | cs.AI, cs.CL | Publicly deploying research chatbots is a nuanced topic involving necessary
risk-benefit analyses. While there have recently been frequent discussions on
whether it is responsible to deploy such models, there has been far less focus
on the interaction paradigms and design approaches that the resulting
interfaces should adopt, in order to achieve their goals more effectively. We
aim to pose, ground, and attempt to answer HCI questions involved in this
scope, by reporting on a mixed-methods user study conducted on a recent
research chatbot. We find that abstract anthropomorphic representation for the
agent has a significant effect on user's perception, that offering AI
explainability may have an impact on feedback rates, and that two (diegetic and
extradiegetic) levels of the chat experience should be intentionally designed.
We offer design recommendations and areas of further focus for the research
community. | cs.AI | The HCI Aspects of Public Deployment of Research Chatbots: A User Study, Design Recommendations, and Open Challenges |
2023-06-07T20:12:29Z | http://arxiv.org/pdf/2306.04757v3 | http://arxiv.org/abs/2306.04757v3 | Yew Ken Chia, Pengfei Hong, Lidong Bing, Soujanya Poria | 2023-06-15T05:08:56Z | cs.CL, cs.AI | Instruction-tuned large language models have revolutionized natural language
processing and have shown great potential in applications such as
conversational agents. These models, such as GPT-4, can not only master
language but also solve complex tasks in areas like mathematics, coding,
medicine, and law. Despite their impressive capabilities, there is still a lack
of comprehensive understanding regarding their full potential, primarily due to
the black-box nature of many models and the absence of holistic evaluation
studies. To address these challenges, we present INSTRUCTEVAL, a more
comprehensive evaluation suite designed specifically for instruction-tuned
large language models. Unlike previous works, our evaluation involves a
rigorous assessment of models based on problem-solving, writing ability, and
alignment to human values. We take a holistic approach to analyze various
factors affecting model performance, including the pretraining foundation,
instruction-tuning data, and training methods. Our findings reveal that the
quality of instruction data is the most crucial factor in scaling model
performance. While open-source models demonstrate impressive writing abilities,
there is substantial room for improvement in problem-solving and alignment. We
are encouraged by the rapid development of models by the open-source community,
but we also highlight the need for rigorous evaluation to support claims made
about these models. Through INSTRUCTEVAL, we aim to foster a deeper
understanding of instruction-tuned models and advancements in their
capabilities. INSTRUCTEVAL is publicly available at
https://github.com/declare-lab/instruct-eval. | cs.CL | INSTRUCTEVAL: Towards Holistic Evaluation of Instruction-Tuned Large Language Models |
2023-06-07T19:59:23Z | http://arxiv.org/pdf/2306.04751v2 | http://arxiv.org/abs/2306.04751v2 | Yizhong Wang, Hamish Ivison, Pradeep Dasigi, Jack Hessel, Tushar Khot, Khyathi Raghavi Chandu, David Wadden, Kelsey MacMillan, Noah A. Smith, Iz Beltagy, Hannaneh Hajishirzi | 2023-10-30T20:36:20Z | cs.CL | In this work we explore recent advances in instruction-tuning language models
on a range of open instruction-following datasets. Despite recent claims that
open models can be on par with state-of-the-art proprietary models, these
claims are often accompanied by limited evaluation, making it difficult to
compare models across the board and determine the utility of various resources.
We provide a large set of instruction-tuned models from 6.7B to 65B parameters
in size, trained on 12 instruction datasets ranging from manually curated
(e.g., OpenAssistant) to synthetic and distilled (e.g., Alpaca) and
systematically evaluate them on their factual knowledge, reasoning,
multilinguality, coding, and open-ended instruction following abilities through
a collection of automatic, model-based, and human-based metrics. We further
introduce T\"ulu, our best performing instruction-tuned model suite finetuned
on a combination of high-quality open resources. Our experiments show that
different instruction-tuning datasets can uncover or enhance specific skills,
while no single dataset (or combination) provides the best performance across
all evaluations. Interestingly, we find that model and human preference-based
evaluations fail to reflect differences in model capabilities exposed by
benchmark-based evaluations, suggesting the need for the type of systemic
evaluation performed in this work. Our evaluations show that the best model in
any given evaluation reaches on average 87% of ChatGPT performance, and 73% of
GPT-4 performance, suggesting that further investment in building better base
models and instruction-tuning data is required to close the gap. We release our
instruction-tuned models, including a fully finetuned 65B T\"ulu, along with
our code, data, and evaluation framework at
https://github.com/allenai/open-instruct to facilitate future research. | cs.CL | How Far Can Camels Go? Exploring the State of Instruction Tuning on Open Resources |
2023-06-07T19:49:41Z | http://arxiv.org/pdf/2306.04746v3 | http://arxiv.org/abs/2306.04746v3 | Naoki Egami, Musashi Hinck, Brandon M. Stewart, Hanying Wei | 2024-01-14T23:02:59Z | stat.ME, cs.CL, cs.LG, stat.ML | In computational social science (CSS), researchers analyze documents to
explain social and political phenomena. In most scenarios, CSS researchers
first obtain labels for documents and then explain labels using interpretable
regression analyses in the second step. One increasingly common way to annotate
documents cheaply at scale is through large language models (LLMs). However,
like other scalable ways of producing annotations, such surrogate labels are
often imperfect and biased. We present a new algorithm for using imperfect
annotation surrogates for downstream statistical analyses while guaranteeing
statistical properties -- like asymptotic unbiasedness and proper uncertainty
quantification -- which are fundamental to CSS research. We show that direct
use of surrogate labels in downstream statistical analyses leads to substantial
bias and invalid confidence intervals, even with high surrogate accuracy of
80-90%. To address this, we build on debiased machine learning to propose the
design-based supervised learning (DSL) estimator. DSL employs a doubly-robust
procedure to combine surrogate labels with a smaller number of high-quality,
gold-standard labels. Our approach guarantees valid inference for downstream
statistical analyses, even when surrogates are arbitrarily biased and without
requiring stringent assumptions, by controlling the probability of sampling
documents for gold-standard labeling. Both our theoretical analysis and
experimental results show that DSL provides valid statistical inference while
achieving root mean squared errors comparable to existing alternatives that
focus only on prediction without inferential guarantees. | stat.ME | Using Imperfect Surrogates for Downstream Inference: Design-based Supervised Learning for Social Science Applications of Large Language Models |
2023-06-07T19:37:55Z | http://arxiv.org/pdf/2306.04743v2 | http://arxiv.org/abs/2306.04743v2 | Yi Zhang, Jan Deriu, George Katsogiannis-Meimarakis, Catherine Kosten, Georgia Koutrika, Kurt Stockinger | 2023-12-05T15:05:58Z | cs.DB, cs.AI, cs.CL, H.2.4; I.2.7 | Natural Language to SQL systems (NL-to-SQL) have recently shown a significant
increase in accuracy for natural language to SQL query translation. This
improvement is due to the emergence of transformer-based language models, and
the popularity of the Spider benchmark - the de-facto standard for evaluating
NL-to-SQL systems. The top NL-to-SQL systems reach accuracies of up to 85\%.
However, Spider mainly contains simple databases with few tables, columns, and
entries, which does not reflect a realistic setting. Moreover, complex
real-world databases with domain-specific content have little to no training
data available in the form of NL/SQL-pairs leading to poor performance of
existing NL-to-SQL systems.
In this paper, we introduce ScienceBenchmark, a new complex NL-to-SQL
benchmark for three real-world, highly domain-specific databases. For this new
benchmark, SQL experts and domain experts created high-quality NL/SQL-pairs for
each domain. To garner more data, we extended the small amount of
human-generated data with synthetic data generated using GPT-3. We show that
our benchmark is highly challenging, as the top performing systems on Spider
achieve a very low performance on our benchmark. Thus, the challenge is
many-fold: creating NL-to-SQL systems for highly complex domains with a small
amount of hand-made training data augmented with synthetic data. To our
knowledge, ScienceBenchmark is the first NL-to-SQL benchmark designed with
complex real-world scientific databases, containing challenging training and
test data carefully validated by domain experts. | cs.DB | ScienceBenchmark: A Complex Real-World Benchmark for Evaluating Natural Language to SQL Systems |
2023-06-07T19:11:25Z | http://arxiv.org/pdf/2306.04735v2 | http://arxiv.org/abs/2306.04735v2 | Jacob-Junqi Tian, David Emerson, Sevil Zanjani Miyandoab, Deval Pandya, Laleh Seyyed-Kalantari, Faiza Khan Khattak | 2024-03-05T17:29:06Z | cs.CL, cs.AI, cs.LG | Prompting large language models has gained immense popularity in recent years
due to the advantage of producing good results even without the need for
labelled data. However, this requires prompt tuning to get optimal prompts that
lead to better model performances. In this paper, we explore the use of
soft-prompt tuning on sentiment classification task to quantify the biases of
large language models (LLMs) such as Open Pre-trained Transformers (OPT) and
Galactica language model. Since these models are trained on real-world data
that could be prone to bias toward certain groups of populations, it is
important to identify these underlying issues. Using soft-prompts to evaluate
bias gives us the extra advantage of avoiding the human-bias injection that can
be caused by manually designed prompts. We check the model biases on different
sensitive attributes using the group fairness (bias) and find interesting bias
patterns. Since LLMs have been used in the industry in various applications, it
is crucial to identify the biases before deploying these models in practice. We
open-source our pipeline and encourage industry researchers to adapt our work
to their use cases. | cs.CL | Soft-prompt Tuning for Large Language Models to Evaluate Bias |
2023-06-07T18:39:57Z | http://arxiv.org/pdf/2306.04724v1 | http://arxiv.org/abs/2306.04724v1 | Taha Aksu, Min-Yen Kan, Nancy F. Chen | 2023-06-07T18:39:57Z | cs.CL | A challenge in the Dialogue State Tracking (DST) field is adapting models to
new domains without using any supervised data, zero-shot domain adaptation.
Parameter-Efficient Transfer Learning (PETL) has the potential to address this
problem due to its robustness. However, it has yet to be applied to the
zero-shot scenarios, as it is not clear how to apply it unsupervisedly.
Our method, Prompter, uses descriptions of target domain slots to generate
dynamic prefixes that are concatenated to the key and values at each layer's
self-attention mechanism. This allows for the use of prefix-tuning in
zero-shot. Prompter outperforms previous methods on both the MultiWOZ and SGD
benchmarks. In generating prefixes, our analyses find that Prompter not only
utilizes the semantics of slot descriptions but also how often the slots appear
together in conversation. Moreover, Prompter's gains are due to its improved
ability to distinguish "none"-valued dialogue slots, compared against
baselines. | cs.CL | Prompter: Zero-shot Adaptive Prefixes for Dialogue State Tracking Domain Adaptation |
2023-06-07T18:38:04Z | http://arxiv.org/pdf/2306.04723v2 | http://arxiv.org/abs/2306.04723v2 | Eduard Tulchinskii, Kristian Kuznetsov, Laida Kushnareva, Daniil Cherniavskii, Serguei Barannikov, Irina Piontkovskaya, Sergey Nikolenko, Evgeny Burnaev | 2023-10-31T19:25:36Z | cs.CL, cs.AI, cs.LG, math.AT, 68T50 | Rapidly increasing quality of AI-generated content makes it difficult to
distinguish between human and AI-generated texts, which may lead to undesirable
consequences for society. Therefore, it becomes increasingly important to study
the properties of human texts that are invariant over different text domains
and varying proficiency of human writers, can be easily calculated for any
language, and can robustly separate natural and AI-generated texts regardless
of the generation model and sampling method. In this work, we propose such an
invariant for human-written texts, namely the intrinsic dimensionality of the
manifold underlying the set of embeddings for a given text sample. We show that
the average intrinsic dimensionality of fluent texts in a natural language is
hovering around the value $9$ for several alphabet-based languages and around
$7$ for Chinese, while the average intrinsic dimensionality of AI-generated
texts for each language is $\approx 1.5$ lower, with a clear statistical
separation between human-generated and AI-generated distributions. This
property allows us to build a score-based artificial text detector. The
proposed detector's accuracy is stable over text domains, generator models, and
human writer proficiency levels, outperforming SOTA detectors in model-agnostic
and cross-domain scenarios by a significant margin. | cs.CL | Intrinsic Dimension Estimation for Robust Detection of AI-Generated Texts |
2023-06-07T18:19:46Z | http://arxiv.org/pdf/2306.04707v1 | http://arxiv.org/abs/2306.04707v1 | Jing Xu, Da Ju, Joshua Lane, Mojtaba Komeili, Eric Michael Smith, Megan Ung, Morteza Behrooz, William Ngan, Rashel Moritz, Sainbayar Sukhbaatar, Y-Lan Boureau, Jason Weston, Kurt Shuster | 2023-06-07T18:19:46Z | cs.CL, cs.AI | We present BlenderBot 3x, an update on the conversational model BlenderBot 3,
which is now trained using organic conversation and feedback data from
participating users of the system in order to improve both its skills and
safety. We are publicly releasing the participating de-identified interaction
data for use by the research community, in order to spur further progress.
Training models with organic data is challenging because interactions with
people "in the wild" include both high quality conversations and feedback, as
well as adversarial and toxic behavior. We study techniques that enable
learning from helpful teachers while avoiding learning from people who are
trying to trick the model into unhelpful or toxic responses. BlenderBot 3x is
both preferred in conversation to BlenderBot 3, and is shown to produce safer
responses in challenging situations. While our current models are still far
from perfect, we believe further improvement can be achieved by continued use
of the techniques explored in this work. | cs.CL | Improving Open Language Models by Learning from Organic Interactions |
2023-06-07T18:00:38Z | http://arxiv.org/pdf/2306.04695v2 | http://arxiv.org/abs/2306.04695v2 | Maitreya Patel, Tejas Gokhale, Chitta Baral, Yezhou Yang | 2024-02-22T19:11:46Z | cs.CV, cs.CL, cs.LG | The ability to understand visual concepts and replicate and compose these
concepts from images is a central goal for computer vision. Recent advances in
text-to-image (T2I) models have lead to high definition and realistic image
quality generation by learning from large databases of images and their
descriptions. However, the evaluation of T2I models has focused on photorealism
and limited qualitative measures of visual understanding. To quantify the
ability of T2I models in learning and synthesizing novel visual concepts
(a.k.a. personalized T2I), we introduce ConceptBed, a large-scale dataset that
consists of 284 unique visual concepts, and 33K composite text prompts. Along
with the dataset, we propose an evaluation metric, Concept Confidence Deviation
(CCD), that uses the confidence of oracle concept classifiers to measure the
alignment between concepts generated by T2I generators and concepts contained
in target images. We evaluate visual concepts that are either objects,
attributes, or styles, and also evaluate four dimensions of compositionality:
counting, attributes, relations, and actions. Our human study shows that CCD is
highly correlated with human understanding of concepts. Our results point to a
trade-off between learning the concepts and preserving the compositionality
which existing approaches struggle to overcome. The data, code, and interactive
demo is available at: https://conceptbed.github.io/ | cs.CV | ConceptBed: Evaluating Concept Learning Abilities of Text-to-Image Diffusion Models |
2023-06-07T17:59:57Z | http://arxiv.org/pdf/2306.04640v2 | http://arxiv.org/abs/2306.04640v2 | Yikang Shen, Zheyu Zhang, Tianyou Cao, Shawn Tan, Zhenfang Chen, Chuang Gan | 2023-09-11T19:31:26Z | cs.CL, cs.AI, cs.LG | Large Language Models (LLMs) have achieved remarkable results. However,
existing models are expensive to train and deploy, and it is also difficult to
expand their knowledge beyond pre-training data without forgetting previous
knowledge. This paper proposes a new neural network architecture, ModuleFormer,
that leverages modularity to improve the efficiency and flexibility of large
language models. ModuleFormer is based on the Sparse Mixture of Experts (SMoE).
Unlike the previous SMoE-based modular language model, which requires
domain-labeled data to learn domain-specific experts, ModuleFormer can induce
modularity from uncurated data with its new load balancing and concentration
losses. ModuleFormer is a modular architecture that includes two different
types of modules: new stick-breaking attention heads and feedforward experts.
Different modules are sparsely activated conditions on the input token during
training and inference. In our experiment, we found that the modular
architecture enables three important abilities for large pre-trained language
models: 1) Efficiency, since ModuleFormer only activates a subset of its
modules for each input token, thus it could achieve the same performance as
dense LLMs with more than two times throughput; 2) Extendability, ModuleFormer
is more immune to catastrophic forgetting than dense LLMs and can be easily
extended with new modules to learn new knowledge that is not included in the
training data; 3) Specialisation, finetuning ModuleFormer could specialize a
subset of modules to the finetuning task and the task-unrelated modules could
be easily pruned for a lightweight deployment. | cs.CL | ModuleFormer: Modularity Emerges from Mixture-of-Experts |
2023-06-07T17:59:31Z | http://arxiv.org/pdf/2306.04637v2 | http://arxiv.org/abs/2306.04637v2 | Yu Bai, Fan Chen, Huan Wang, Caiming Xiong, Song Mei | 2023-07-06T16:55:36Z | cs.LG, cs.AI, cs.CL, math.ST, stat.ML, stat.TH | Neural sequence models based on the transformer architecture have
demonstrated remarkable \emph{in-context learning} (ICL) abilities, where they
can perform new tasks when prompted with training and test examples, without
any parameter update to the model. This work first provides a comprehensive
statistical theory for transformers to perform ICL. Concretely, we show that
transformers can implement a broad class of standard machine learning
algorithms in context, such as least squares, ridge regression, Lasso, learning
generalized linear models, and gradient descent on two-layer neural networks,
with near-optimal predictive power on various in-context data distributions.
Using an efficient implementation of in-context gradient descent as the
underlying mechanism, our transformer constructions admit mild size bounds, and
can be learned with polynomially many pretraining sequences.
Building on these ``base'' ICL algorithms, intriguingly, we show that
transformers can implement more complex ICL procedures involving
\emph{in-context algorithm selection}, akin to what a statistician can do in
real life -- A \emph{single} transformer can adaptively select different base
ICL algorithms -- or even perform qualitatively different tasks -- on different
input sequences, without any explicit prompting of the right algorithm or task.
We both establish this in theory by explicit constructions, and also observe
this phenomenon experimentally. In theory, we construct two general mechanisms
for algorithm selection with concrete examples: pre-ICL testing, and post-ICL
validation. As an example, we use the post-ICL validation mechanism to
construct a transformer that can perform nearly Bayes-optimal ICL on a
challenging task -- noisy linear models with mixed noise levels.
Experimentally, we demonstrate the strong in-context algorithm selection
capabilities of standard transformer architectures. | cs.LG | Transformers as Statisticians: Provable In-Context Learning with In-Context Algorithm Selection |
2023-06-07T17:58:48Z | http://arxiv.org/pdf/2306.04634v4 | http://arxiv.org/abs/2306.04634v4 | John Kirchenbauer, Jonas Geiping, Yuxin Wen, Manli Shu, Khalid Saifullah, Kezhi Kong, Kasun Fernando, Aniruddha Saha, Micah Goldblum, Tom Goldstein | 2024-05-01T21:20:36Z | cs.LG, cs.CL, cs.CR | As LLMs become commonplace, machine-generated text has the potential to flood
the internet with spam, social media bots, and valueless content. Watermarking
is a simple and effective strategy for mitigating such harms by enabling the
detection and documentation of LLM-generated text. Yet a crucial question
remains: How reliable is watermarking in realistic settings in the wild? There,
watermarked text may be modified to suit a user's needs, or entirely rewritten
to avoid detection. We study the robustness of watermarked text after it is
re-written by humans, paraphrased by a non-watermarked LLM, or mixed into a
longer hand-written document. We find that watermarks remain detectable even
after human and machine paraphrasing. While these attacks dilute the strength
of the watermark, paraphrases are statistically likely to leak n-grams or even
longer fragments of the original text, resulting in high-confidence detections
when enough tokens are observed. For example, after strong human paraphrasing
the watermark is detectable after observing 800 tokens on average, when setting
a 1e-5 false positive rate. We also consider a range of new detection schemes
that are sensitive to short spans of watermarked text embedded inside a large
document, and we compare the robustness of watermarking to other kinds of
detectors. | cs.LG | On the Reliability of Watermarks for Large Language Models |
2023-06-07T17:47:03Z | http://arxiv.org/pdf/2306.04618v2 | http://arxiv.org/abs/2306.04618v2 | Lifan Yuan, Yangyi Chen, Ganqu Cui, Hongcheng Gao, Fangyuan Zou, Xingyi Cheng, Heng Ji, Zhiyuan Liu, Maosong Sun | 2023-10-26T06:59:50Z | cs.CL, cs.CR, cs.LG | This paper reexamines the research on out-of-distribution (OOD) robustness in
the field of NLP. We find that the distribution shift settings in previous
studies commonly lack adequate challenges, hindering the accurate evaluation of
OOD robustness. To address these issues, we propose a benchmark construction
protocol that ensures clear differentiation and challenging distribution
shifts. Then we introduce BOSS, a Benchmark suite for Out-of-distribution
robustneSS evaluation covering 5 tasks and 20 datasets. Based on BOSS, we
conduct a series of experiments on pre-trained language models for analysis and
evaluation of OOD robustness. First, for vanilla fine-tuning, we examine the
relationship between in-distribution (ID) and OOD performance. We identify
three typical types that unveil the inner learning mechanism, which could
potentially facilitate the forecasting of OOD robustness, correlating with the
advancements on ID datasets. Then, we evaluate 5 classic methods on BOSS and
find that, despite exhibiting some effectiveness in specific cases, they do not
offer significant improvement compared to vanilla fine-tuning. Further, we
evaluate 5 LLMs with various adaptation paradigms and find that when sufficient
ID data is available, fine-tuning domain-specific models outperform LLMs on ID
examples significantly. However, in the case of OOD instances, prioritizing
LLMs with in-context learning yields better results. We identify that both
fine-tuned small models and LLMs face challenges in effectively addressing
downstream tasks. The code is public at
\url{https://github.com/lifan-yuan/OOD_NLP}. | cs.CL | Revisiting Out-of-distribution Robustness in NLP: Benchmark, Analysis, and LLMs Evaluations |
2023-06-07T17:22:03Z | http://arxiv.org/pdf/2306.04610v1 | http://arxiv.org/abs/2306.04610v1 | Nicholas Riccardi, Rutvik H. Desai | 2023-06-07T17:22:03Z | cs.CL, cs.AI | Large Language Models (LLMs) have shown remarkable abilities recently,
including passing advanced professional exams and demanding benchmark tests.
This performance has led many to suggest that they are close to achieving
humanlike or 'true' understanding of language, and even Artificial General
Intelligence (AGI). Here, we provide a new open-source benchmark that can
assess semantic abilities of LLMs using two-word phrases using a task that can
be performed relatively easily by humans without advanced training. Combining
multiple words into a single concept is a fundamental aspect of human language
and intelligence. The test requires meaningfulness judgments of 1768 noun-noun
combinations that have been rated as meaningful (e.g., baby boy) or not
meaningful (e.g., goat sky). by 150 human raters. We provide versions of the
task that probe meaningfulness ratings on a 0-4 scale as well as binary
judgments. We conducted a series of experiments using the TWT on GPT-4,
GPT-3.5, and Bard, with both versions. Results demonstrated that, compared to
humans, all models perform poorly at rating meaningfulness of these phrases.
GPT-3.5 and Bard are also unable to make binary discriminations between
sensible and nonsense phrases as making sense. GPT-4 makes a substantial
improvement in binary discrimination of combinatorial phrases but is still
significantly worse than human performance. The TWT can be used to understand
the limitations and weaknesses of current LLMs, and potentially improve them.
The test also reminds us that caution is warranted in attributing 'true
understanding' or AGI to LLMs. TWT is available at:
https://github.com/NickRiccardi/two-word-test | cs.CL | The Two Word Test: A Semantic Benchmark for Large Language Models |
2023-06-07T16:50:03Z | http://arxiv.org/pdf/2306.04597v1 | http://arxiv.org/abs/2306.04597v1 | Himanshu Thakur, Atishay Jain, Praneetha Vaddamanu, Paul Pu Liang, Louis-Philippe Morency | 2023-06-07T16:50:03Z | cs.CL, cs.LG | Societal biases present in pre-trained large language models are a critical
issue as these models have been shown to propagate biases in countless
downstream applications, rendering them unfair towards specific groups of
people. Since large-scale retraining of these models from scratch is both time
and compute-expensive, a variety of approaches have been previously proposed
that de-bias a pre-trained model. While the majority of current
state-of-the-art debiasing methods focus on changes to the training regime, in
this paper, we propose data intervention strategies as a powerful yet simple
technique to reduce gender bias in pre-trained models. Specifically, we
empirically show that by fine-tuning a pre-trained model on only 10 de-biased
(intervened) training examples, the tendency to favor any gender is
significantly reduced. Since our proposed method only needs a few training
examples, our few-shot debiasing approach is highly feasible and practical.
Through extensive experimentation, we show that our debiasing technique
performs better than competitive state-of-the-art baselines with minimal loss
in language modeling ability. | cs.CL | Language Models Get a Gender Makeover: Mitigating Gender Bias with Few-Shot Data Interventions |
2023-06-07T16:21:59Z | http://arxiv.org/pdf/2306.04573v1 | http://arxiv.org/abs/2306.04573v1 | Danielle Saunders, Katrina Olsen | 2023-06-07T16:21:59Z | cs.CL | The vast majority of work on gender in MT focuses on 'unambiguous' inputs,
where gender markers in the source language are expected to be resolved in the
output. Conversely, this paper explores the widespread case where the source
sentence lacks explicit gender markers, but the target sentence contains them
due to richer grammatical gender. We particularly focus on inputs containing
person names.
Investigating such sentence pairs casts a new light on research into MT
gender bias and its mitigation. We find that many name-gender co-occurrences in
MT data are not resolvable with 'unambiguous gender' in the source language,
and that gender-ambiguous examples can make up a large proportion of training
examples. From this, we discuss potential steps toward gender-inclusive
translation which accepts the ambiguity in both gender and translation. | cs.CL | Gender, names and other mysteries: Towards the ambiguous for gender-inclusive translation |
2023-06-07T16:10:21Z | http://arxiv.org/pdf/2306.04563v1 | http://arxiv.org/abs/2306.04563v1 | Sophie Jentzsch, Kristian Kersting | 2023-06-07T16:10:21Z | cs.AI, cs.CL, cs.HC, cs.LG | Humor is a central aspect of human communication that has not been solved for
artificial agents so far. Large language models (LLMs) are increasingly able to
capture implicit and contextual information. Especially, OpenAI's ChatGPT
recently gained immense public attention. The GPT3-based model almost seems to
communicate on a human level and can even tell jokes. Humor is an essential
component of human communication. But is ChatGPT really funny? We put ChatGPT's
sense of humor to the test. In a series of exploratory experiments around
jokes, i.e., generation, explanation, and detection, we seek to understand
ChatGPT's capability to grasp and reproduce human humor. Since the model itself
is not accessible, we applied prompt-based experiments. Our empirical evidence
indicates that jokes are not hard-coded but mostly also not newly generated by
the model. Over 90% of 1008 generated jokes were the same 25 Jokes. The system
accurately explains valid jokes but also comes up with fictional explanations
for invalid jokes. Joke-typical characteristics can mislead ChatGPT in the
classification of jokes. ChatGPT has not solved computational humor yet but it
can be a big leap toward "funny" machines. | cs.AI | ChatGPT is fun, but it is not funny! Humor is still challenging Large Language Models |
2023-06-07T15:55:34Z | http://arxiv.org/pdf/2306.04551v2 | http://arxiv.org/abs/2306.04551v2 | Brihat Sharma, Yanjun Gao, Timothy Miller, Matthew M. Churpek, Majid Afshar, Dmitriy Dligach | 2023-06-13T17:28:34Z | cs.CL, cs.LG | Generative artificial intelligence (AI) is a promising direction for
augmenting clinical diagnostic decision support and reducing diagnostic errors,
a leading contributor to medical errors. To further the development of clinical
AI systems, the Diagnostic Reasoning Benchmark (DR.BENCH) was introduced as a
comprehensive generative AI framework, comprised of six tasks representing key
components in clinical reasoning. We present a comparative analysis of
in-domain versus out-of-domain language models as well as multi-task versus
single task training with a focus on the problem summarization task in DR.BENCH
(Gao et al., 2023). We demonstrate that a multi-task, clinically trained
language model outperforms its general domain counterpart by a large margin,
establishing a new state-of-the-art performance, with a ROUGE-L score of 28.55.
This research underscores the value of domain-specific training for optimizing
clinical diagnostic reasoning tasks. | cs.CL | Multi-Task Training with In-Domain Language Models for Diagnostic Reasoning |
2023-06-07T15:49:04Z | http://arxiv.org/pdf/2306.04544v1 | http://arxiv.org/abs/2306.04544v1 | Shudi Hou, Yu Xia, Muhao Chen, Sujian Li | 2023-06-07T15:49:04Z | cs.CL, cs.AI | Traditional text classification typically categorizes texts into pre-defined
coarse-grained classes, from which the produced models cannot handle the
real-world scenario where finer categories emerge periodically for accurate
services. In this work, we investigate the setting where fine-grained
classification is done only using the annotation of coarse-grained categories
and the coarse-to-fine mapping. We propose a lightweight contrastive
clustering-based bootstrapping method to iteratively refine the labels of
passages. During clustering, it pulls away negative passage-prototype pairs
under the guidance of the mapping from both global and local perspectives.
Experiments on NYT and 20News show that our method outperforms the
state-of-the-art methods by a large margin. | cs.CL | Contrastive Bootstrapping for Label Refinement |
2023-06-07T15:44:53Z | http://arxiv.org/pdf/2306.04539v2 | http://arxiv.org/abs/2306.04539v2 | Paul Pu Liang, Chun Kai Ling, Yun Cheng, Alex Obolenskiy, Yudong Liu, Rohan Pandey, Alex Wilf, Louis-Philippe Morency, Ruslan Salakhutdinov | 2024-06-13T17:05:54Z | cs.LG, cs.CL, cs.CV, cs.IT, math.IT, stat.ML | In many machine learning systems that jointly learn from multiple modalities,
a core research question is to understand the nature of multimodal
interactions: how modalities combine to provide new task-relevant information
that was not present in either alone. We study this challenge of interaction
quantification in a semi-supervised setting with only labeled unimodal data and
naturally co-occurring multimodal data (e.g., unlabeled images and captions,
video and corresponding audio) but when labeling them is time-consuming. Using
a precise information-theoretic definition of interactions, our key
contribution is the derivation of lower and upper bounds to quantify the amount
of multimodal interactions in this semi-supervised setting. We propose two
lower bounds: one based on the shared information between modalities and the
other based on disagreement between separately trained unimodal classifiers,
and derive an upper bound through connections to approximate algorithms for
min-entropy couplings. We validate these estimated bounds and show how they
accurately track true interactions. Finally, we show how these theoretical
results can be used to estimate multimodal model performance, guide data
collection, and select appropriate multimodal models for various tasks. | cs.LG | Multimodal Learning Without Labeled Multimodal Data: Guarantees and Applications |
2023-06-07T15:42:31Z | http://arxiv.org/pdf/2306.04537v1 | http://arxiv.org/abs/2306.04537v1 | S. M. Seals, Valerie L. Shalin | 2023-06-07T15:42:31Z | cs.CL | Psycholinguistic analyses provide a means of evaluating large language model
(LLM) output and making systematic comparisons to human-generated text. These
methods can be used to characterize the psycholinguistic properties of LLM
output and illustrate areas where LLMs fall short in comparison to
human-generated text. In this work, we apply psycholinguistic methods to
evaluate individual sentences from long-form analogies about biochemical
concepts. We compare analogies generated by human subjects enrolled in
introductory biochemistry courses to analogies generated by chatGPT. We perform
a supervised classification analysis using 78 features extracted from
Coh-metrix that analyze text cohesion, language, and readability (Graesser et.
al., 2004). Results illustrate high performance for classifying
student-generated and chatGPT-generated analogies. To evaluate which features
contribute most to model performance, we use a hierarchical clustering
approach. Results from this analysis illustrate several linguistic differences
between the two sources. | cs.CL | Long-form analogies generated by chatGPT lack human-like psycholinguistic properties |
2023-06-07T15:41:40Z | http://arxiv.org/pdf/2306.04535v1 | http://arxiv.org/abs/2306.04535v1 | Xiangjue Dong, Yun He, Ziwei Zhu, James Caverlee | 2023-06-07T15:41:40Z | cs.CL | A key component of modern conversational systems is the Dialogue State
Tracker (or DST), which models a user's goals and needs. Toward building more
robust and reliable DSTs, we introduce a prompt-based learning approach to
automatically generate effective adversarial examples to probe DST models. Two
key characteristics of this approach are: (i) it only needs the output of the
DST with no need for model parameters, and (ii) it can learn to generate
natural language utterances that can target any DST. Through experiments over
state-of-the-art DSTs, the proposed framework leads to the greatest reduction
in accuracy and the best attack success rate while maintaining good fluency and
a low perturbation ratio. We also show how much the generated adversarial
examples can bolster a DST through adversarial training. These results indicate
the strength of prompt-based attacks on DSTs and leave open avenues for
continued refinement. | cs.CL | PromptAttack: Probing Dialogue State Trackers with Adversarial Prompts |
2023-06-07T15:39:02Z | http://arxiv.org/pdf/2306.04530v1 | http://arxiv.org/abs/2306.04530v1 | Shigeki Karita, Richard Sproat, Haruko Ishikawa | 2023-06-07T15:39:02Z | cs.CL | Word error rate (WER) and character error rate (CER) are standard metrics in
Speech Recognition (ASR), but one problem has always been alternative
spellings: If one's system transcribes adviser whereas the ground truth has
advisor, this will count as an error even though the two spellings really
represent the same word.
Japanese is notorious for ``lacking orthography'': most words can be spelled
in multiple ways, presenting a problem for accurate ASR evaluation. In this
paper we propose a new lenient evaluation metric as a more defensible CER
measure for Japanese ASR. We create a lattice of plausible respellings of the
reference transcription, using a combination of lexical resources, a Japanese
text-processing system, and a neural machine translation model for
reconstructing kanji from hiragana or katakana. In a manual evaluation, raters
rated 95.4% of the proposed spelling variants as plausible. ASR results show
that our method, which does not penalize the system for choosing a valid
alternate spelling of a word, affords a 2.4%-3.1% absolute reduction in CER
depending on the task. | cs.CL | Lenient Evaluation of Japanese Speech Recognition: Modeling Naturally Occurring Spelling Inconsistency |
2023-06-07T15:37:00Z | http://arxiv.org/pdf/2306.04528v4 | http://arxiv.org/abs/2306.04528v4 | Kaijie Zhu, Jindong Wang, Jiaheng Zhou, Zichen Wang, Hao Chen, Yidong Wang, Linyi Yang, Wei Ye, Yue Zhang, Neil Zhenqiang Gong, Xing Xie | 2023-10-18T14:16:01Z | cs.CL, cs.CR, cs.LG | The increasing reliance on Large Language Models (LLMs) across academia and
industry necessitates a comprehensive understanding of their robustness to
prompts. In response to this vital need, we introduce PromptBench, a robustness
benchmark designed to measure LLMs' resilience to adversarial prompts. This
study uses a plethora of adversarial textual attacks targeting prompts across
multiple levels: character, word, sentence, and semantic. The adversarial
prompts, crafted to mimic plausible user errors like typos or synonyms, aim to
evaluate how slight deviations can affect LLM outcomes while maintaining
semantic integrity. These prompts are then employed in diverse tasks, such as
sentiment analysis, natural language inference, reading comprehension, machine
translation, and math problem-solving. Our study generates 4788 adversarial
prompts, meticulously evaluated over 8 tasks and 13 datasets. Our findings
demonstrate that contemporary LLMs are not robust to adversarial prompts.
Furthermore, we present comprehensive analysis to understand the mystery behind
prompt robustness and its transferability. We then offer insightful robustness
analysis and pragmatic recommendations for prompt composition, beneficial to
both researchers and everyday users. Code is available at:
https://github.com/microsoft/promptbench. | cs.CL | PromptBench: Towards Evaluating the Robustness of Large Language Models on Adversarial Prompts |
2023-06-07T15:33:07Z | http://arxiv.org/pdf/2306.04523v1 | http://arxiv.org/abs/2306.04523v1 | Ines Reinig, Katja Markert | 2023-06-07T15:33:07Z | cs.CL | Compared to English, German word order is freer and therefore poses
additional challenges for natural language inference (NLI). We create WOGLI
(Word Order in German Language Inference), the first adversarial NLI dataset
for German word order that has the following properties: (i) each premise has
an entailed and a non-entailed hypothesis; (ii) premise and hypotheses differ
only in word order and necessary morphological changes to mark case and number.
In particular, each premise andits two hypotheses contain exactly the same
lemmata. Our adversarial examples require the model to use morphological
markers in order to recognise or reject entailment. We show that current German
autoencoding models fine-tuned on translated NLI data can struggle on this
challenge set, reflecting the fact that translated NLI datasets will not mirror
all necessary language phenomena in the target language. We also examine
performance after data augmentation as well as on related word order phenomena
derived from WOGLI. Our datasets are publically available at
https://github.com/ireinig/wogli. | cs.CL | Can current NLI systems handle German word order? Investigating language model performance on a new German challenge set of minimal pairs |
2023-06-07T15:20:24Z | http://arxiv.org/pdf/2306.04508v1 | http://arxiv.org/abs/2306.04508v1 | Zixian Huang, Jiaying Zhou, Gengyang Xiao, Gong Cheng | 2023-06-07T15:20:24Z | cs.CL, cs.AI | Whereas the recent emergence of large language models (LLMs) like ChatGPT has
exhibited impressive general performance, it still has a large gap with
fully-supervised models on specific tasks such as multi-span question
answering. Previous researches found that in-context learning is an effective
approach to exploiting LLM, by using a few task-related labeled data as
demonstration examples to construct a few-shot prompt for answering new
questions. A popular implementation is to concatenate a few questions and their
correct answers through simple templates, informing LLM of the desired output.
In this paper, we propose a novel way of employing labeled data such that it
also informs LLM of some undesired output, by extending demonstration examples
with feedback about answers predicted by an off-the-shelf model, e.g., correct,
incorrect, or incomplete. Experiments on three multi-span question answering
datasets as well as a keyphrase extraction dataset show that our new prompting
strategy consistently improves LLM's in-context learning performance. | cs.CL | Enhancing In-Context Learning with Answer Feedback for Multi-Span Question Answering |
2023-06-07T15:11:26Z | http://arxiv.org/pdf/2306.04504v3 | http://arxiv.org/abs/2306.04504v3 | Israt Jahan, Md Tahmid Rahman Laskar, Chun Peng, Jimmy Huang | 2023-08-24T13:39:17Z | cs.CL, cs.LG | ChatGPT is a large language model developed by OpenAI. Despite its impressive
performance across various tasks, no prior work has investigated its capability
in the biomedical domain yet. To this end, this paper aims to evaluate the
performance of ChatGPT on various benchmark biomedical tasks, such as relation
extraction, document classification, question answering, and summarization. To
the best of our knowledge, this is the first work that conducts an extensive
evaluation of ChatGPT in the biomedical domain. Interestingly, we find based on
our evaluation that in biomedical datasets that have smaller training sets,
zero-shot ChatGPT even outperforms the state-of-the-art fine-tuned generative
transformer models, such as BioGPT and BioBART. This suggests that ChatGPT's
pre-training on large text corpora makes it quite specialized even in the
biomedical domain. Our findings demonstrate that ChatGPT has the potential to
be a valuable tool for various tasks in the biomedical domain that lack large
annotated data. | cs.CL | Evaluation of ChatGPT on Biomedical Tasks: A Zero-Shot Comparison with Fine-Tuned Generative Transformers |
2023-06-07T13:58:55Z | http://arxiv.org/pdf/2306.04441v1 | http://arxiv.org/abs/2306.04441v1 | Weizhi Wang, Hong Wang, Xifeng Yan | 2023-06-07T13:58:55Z | cs.CL | Various human activities can be abstracted into a sequence of actions in
natural text, i.e. cooking, repairing, manufacturing, etc. Such action
sequences heavily depend on the executing order, while disorder in action
sequences leads to failure of further task execution by robots or AI agents.
Therefore, to verify the order reasoning capability of current neural models in
sequential tasks, we propose a challenging benchmark , named STEPS. STEPS
involves two subtask settings, focusing on determining the rationality of given
next step in recipes and selecting the reasonable step from the multi-choice
question, respectively. We describe the data construction and task
formulations, and benchmark most of significant Large Language Models (LLMs).
The experimental results demonstrate 1) The commonsense reasoning of action
orders in sequential tasks are challenging to resolve via zero-shot prompting
or few-shot in-context learning for LLMs; 2) Prompting method still
significantly lags behind tuning-based method on STEPS. | cs.CL | STEPS: A Benchmark for Order Reasoning in Sequential Tasks |
2023-06-07T13:36:37Z | http://arxiv.org/pdf/2306.04428v2 | http://arxiv.org/abs/2306.04428v2 | Claytone Sikasote, Kalinda Siaminwe, Stanly Mwape, Bangiwe Zulu, Mofya Phiri, Martin Phiri, David Zulu, Mayumbo Nyirenda, Antonios Anastasopoulos | 2023-06-13T20:48:02Z | cs.CL, cs.SD, eess.AS | This work introduces Zambezi Voice, an open-source multilingual speech
resource for Zambian languages. It contains two collections of datasets:
unlabelled audio recordings of radio news and talk shows programs (160 hours)
and labelled data (over 80 hours) consisting of read speech recorded from text
sourced from publicly available literature books. The dataset is created for
speech recognition but can be extended to multilingual speech processing
research for both supervised and unsupervised learning approaches. To our
knowledge, this is the first multilingual speech dataset created for Zambian
languages. We exploit pretraining and cross-lingual transfer learning by
finetuning the Wav2Vec2.0 large-scale multilingual pre-trained model to build
end-to-end (E2E) speech recognition models for our baseline models. The dataset
is released publicly under a Creative Commons BY-NC-ND 4.0 license and can be
accessed via https://github.com/unza-speech-lab/zambezi-voice . | cs.CL | Zambezi Voice: A Multilingual Speech Corpus for Zambian Languages |
2023-06-07T13:31:02Z | http://arxiv.org/pdf/2306.04424v1 | http://arxiv.org/abs/2306.04424v1 | Nannan Huang, Lin Tian, Haytham Fayek, Xiuzhen Zhang | 2023-06-07T13:31:02Z | cs.CL | Opinion summarisation is a task that aims to condense the information
presented in the source documents while retaining the core message and
opinions. A summary that only represents the majority opinions will leave the
minority opinions unrepresented in the summary. In this paper, we use the
stance towards a certain target as an opinion. We study bias in opinion
summarisation from the perspective of opinion diversity, which measures whether
the model generated summary can cover a diverse set of opinions. In addition,
we examine opinion similarity, a measure of how closely related two opinions
are in terms of their stance on a given topic, and its relationship with
opinion diversity. Through the lens of stances towards a topic, we examine
opinion diversity and similarity using three debatable topics under COVID-19.
Experimental results on these topics revealed that a higher degree of
similarity of opinions did not indicate good diversity or fairly cover the
various opinions originally presented in the source documents. We found that
BART and ChatGPT can better capture diverse opinions presented in the source
documents. | cs.CL | Examining Bias in Opinion Summarisation Through the Perspective of Opinion Diversity |
2023-06-07T12:58:46Z | http://arxiv.org/pdf/2306.04399v1 | http://arxiv.org/abs/2306.04399v1 | Jan Lehečka, Josef V. Psutka, Josef Psutka | 2023-06-07T12:58:46Z | cs.CL | In this paper, we are comparing several methods of training the Slovak speech
recognition models based on the Transformers architecture. Specifically, we are
exploring the approach of transfer learning from the existing Czech pre-trained
Wav2Vec 2.0 model into Slovak. We are demonstrating the benefits of the
proposed approach on three Slovak datasets. Our Slovak models scored the best
results when initializing the weights from the Czech model at the beginning of
the pre-training phase. Our results show that the knowledge stored in the Cezch
pre-trained model can be successfully reused to solve tasks in Slovak while
outperforming even much larger public multilingual models. | cs.CL | Transfer Learning of Transformer-based Speech Recognition Models from Czech to Slovak |
2023-06-07T12:35:37Z | http://arxiv.org/pdf/2306.04387v2 | http://arxiv.org/abs/2306.04387v2 | Lei Li, Yuwei Yin, Shicheng Li, Liang Chen, Peiyi Wang, Shuhuai Ren, Mukai Li, Yazheng Yang, Jingjing Xu, Xu Sun, Lingpeng Kong, Qi Liu | 2023-06-08T13:44:24Z | cs.CV, cs.CL | Instruction tuning has significantly advanced large language models (LLMs)
such as ChatGPT, enabling them to align with human instructions across diverse
tasks. However, progress in open vision-language models (VLMs) has been limited
due to the scarcity of high-quality instruction datasets. To tackle this
challenge and promote research in the vision-language field, we introduce the
Multi-Modal, Multilingual Instruction Tuning (M$^3$IT) dataset, designed to
optimize VLM alignment with human instructions. Our M$^3$IT dataset comprises
40 carefully curated datasets, including 2.4 million instances and 400 manually
written task instructions, reformatted into a vision-to-text structure. Key
tasks are translated into 80 languages with an advanced translation system,
ensuring broader accessibility. M$^3$IT surpasses previous datasets regarding
task coverage, instruction number and instance scale. Moreover, we develop
Ying-VLM, a VLM model trained on our M$^3$IT dataset, showcasing its potential
to answer complex questions requiring world knowledge, generalize to unseen
video tasks, and comprehend unseen instructions in Chinese. We have
open-sourced the dataset to encourage further research. | cs.CV | M$^3$IT: A Large-Scale Dataset towards Multi-Modal Multilingual Instruction Tuning |
2023-06-07T12:33:24Z | http://arxiv.org/pdf/2306.05524v2 | http://arxiv.org/abs/2306.05524v2 | Zeyan Liu, Zijun Yao, Fengjun Li, Bo Luo | 2024-03-18T03:14:54Z | cs.CL, cs.CR, cs.LG | With ChatGPT under the spotlight, utilizing large language models (LLMs) to
assist academic writing has drawn a significant amount of debate in the
community. In this paper, we aim to present a comprehensive study of the
detectability of ChatGPT-generated content within the academic literature,
particularly focusing on the abstracts of scientific papers, to offer holistic
support for the future development of LLM applications and policies in
academia. Specifically, we first present GPABench2, a benchmarking dataset of
over 2.8 million comparative samples of human-written, GPT-written,
GPT-completed, and GPT-polished abstracts of scientific writing in computer
science, physics, and humanities and social sciences. Second, we explore the
methodology for detecting ChatGPT content. We start by examining the
unsatisfactory performance of existing ChatGPT detecting tools and the
challenges faced by human evaluators (including more than 240 researchers or
students). We then test the hand-crafted linguistic features models as a
baseline and develop a deep neural framework named CheckGPT to better capture
the subtle and deep semantic and linguistic patterns in ChatGPT written
literature. Last, we conduct comprehensive experiments to validate the proposed
CheckGPT framework in each benchmarking task over different disciplines. To
evaluate the detectability of ChatGPT content, we conduct extensive experiments
on the transferability, prompt engineering, and robustness of CheckGPT. | cs.CL | On the Detectability of ChatGPT Content: Benchmarking, Methodology, and Evaluation through the Lens of Academic Writing |
2023-06-07T12:33:02Z | http://arxiv.org/pdf/2306.07936v1 | http://arxiv.org/abs/2306.07936v1 | Massa Baali, Ahmed Ali | 2023-06-07T12:33:02Z | eess.AS, cs.CL, cs.SD | This paper presents FOOCTTS, an automatic pipeline for a football commentator
that generates speech with background crowd noise. The application gets the
text from the user, applies text pre-processing such as vowelization, followed
by the commentator's speech synthesizer. Our pipeline included Arabic automatic
speech recognition for data labeling, CTC segmentation, transcription
vowelization to match speech, and fine-tuning the TTS. Our system is capable of
generating speech with its acoustic environment within limited 15 minutes of
football commentator recording. Our prototype is generalizable and can be
easily applied to different domains and languages. | eess.AS | FOOCTTS: Generating Arabic Speech with Acoustic Environment for Football Commentator |
2023-06-07T12:31:07Z | http://arxiv.org/pdf/2306.04384v1 | http://arxiv.org/abs/2306.04384v1 | Xavier Fontaine, Félix Gaschi, Parisa Rastin, Yannick Toussaint | 2023-06-07T12:31:07Z | cs.CL, cs.AI, cs.LG | Natural language tasks like Named Entity Recognition (NER) in the clinical
domain on non-English texts can be very time-consuming and expensive due to the
lack of annotated data. Cross-lingual transfer (CLT) is a way to circumvent
this issue thanks to the ability of multilingual large language models to be
fine-tuned on a specific task in one language and to provide high accuracy for
the same task in another language. However, other methods leveraging
translation models can be used to perform NER without annotated data in the
target language, by either translating the training set or test set. This paper
compares cross-lingual transfer with these two alternative methods, to perform
clinical NER in French and in German without any training data in those
languages. To this end, we release MedNERF a medical NER test set extracted
from French drug prescriptions and annotated with the same guidelines as an
English dataset. Through extensive experiments on this dataset and on a German
medical dataset (Frei and Kramer, 2021), we show that translation-based methods
can achieve similar performance to CLT but require more care in their design.
And while they can take advantage of monolingual clinical language models,
those do not guarantee better results than large general-purpose multilingual
models, whether with cross-lingual transfer or translation. | cs.CL | Multilingual Clinical NER: Translation or Cross-lingual Transfer? |
2023-06-07T12:14:16Z | http://arxiv.org/pdf/2306.04374v1 | http://arxiv.org/abs/2306.04374v1 | Shikhar Vashishth, Shikhar Bharadwaj, Sriram Ganapathy, Ankur Bapna, Min Ma, Wei Han, Vera Axelrod, Partha Talukdar | 2023-06-07T12:14:16Z | cs.CL, cs.LG, cs.SD, eess.AS | Speech representation learning approaches for non-semantic tasks such as
language recognition have either explored supervised embedding extraction
methods using a classifier model or self-supervised representation learning
approaches using raw data. In this paper, we propose a novel framework of
combining self-supervised representation learning with the language label
information for the pre-training task. This framework, termed as Label Aware
Speech Representation (LASR) learning, uses a triplet based objective function
to incorporate language labels along with the self-supervised loss function.
The speech representations are further fine-tuned for the downstream task. The
language recognition experiments are performed on two public datasets - FLEURS
and Dhwani. In these experiments, we illustrate that the proposed LASR
framework improves over the state-of-the-art systems on language
identification. We also report an analysis of the robustness of LASR approach
to noisy/missing labels as well as its application to multi-lingual speech
recognition tasks. | cs.CL | Label Aware Speech Representation Learning For Language Identification |
2023-06-07T12:01:46Z | http://arxiv.org/pdf/2306.04368v1 | http://arxiv.org/abs/2306.04368v1 | Massa Baali, Ibrahim Almakky, Shady Shehata, Fakhri Karray | 2023-06-07T12:01:46Z | cs.SD, cs.CL, eess.AS | Despite major advancements in Automatic Speech Recognition (ASR), the
state-of-the-art ASR systems struggle to deal with impaired speech even with
high-resource languages. In Arabic, this challenge gets amplified, with added
complexities in collecting data from dysarthric speakers. In this paper, we aim
to improve the performance of Arabic dysarthric automatic speech recognition
through a multi-stage augmentation approach. To this effect, we first propose a
signal-based approach to generate dysarthric Arabic speech from healthy Arabic
speech by modifying its speed and tempo. We also propose a second stage
Parallel Wave Generative (PWG) adversarial model that is trained on an English
dysarthric dataset to capture language-independant dysarthric speech patterns
and further augment the signal-adjusted speech samples. Furthermore, we propose
a fine-tuning and text-correction strategies for Arabic Conformer at different
dysarthric speech severity levels. Our fine-tuned Conformer achieved 18% Word
Error Rate (WER) and 17.2% Character Error Rate (CER) on synthetically
generated dysarthric speech from the Arabic commonvoice speech dataset. This
shows significant WER improvement of 81.8% compared to the baseline model
trained solely on healthy data. We perform further validation on real English
dysarthric speech showing a WER improvement of 124% compared to the baseline
trained only on healthy English LJSpeech dataset. | cs.SD | Arabic Dysarthric Speech Recognition Using Adversarial and Signal-Based Augmentation |
2023-06-07T11:52:36Z | http://arxiv.org/pdf/2306.04362v1 | http://arxiv.org/abs/2306.04362v1 | Haiyang Xu, Qinghao Ye, Xuan Wu, Ming Yan, Yuan Miao, Jiabo Ye, Guohai Xu, Anwen Hu, Yaya Shi, Guangwei Xu, Chenliang Li, Qi Qian, Maofei Que, Ji Zhang, Xiao Zeng, Fei Huang | 2023-06-07T11:52:36Z | cs.CV, cs.CL | To promote the development of Vision-Language Pre-training (VLP) and
multimodal Large Language Model (LLM) in the Chinese community, we firstly
release the largest public Chinese high-quality video-language dataset named
Youku-mPLUG, which is collected from Youku, a well-known Chinese video-sharing
website, with strict criteria of safety, diversity, and quality. Youku-mPLUG
contains 10 million Chinese video-text pairs filtered from 400 million raw
videos across a wide range of 45 diverse categories for large-scale
pre-training. In addition, to facilitate a comprehensive evaluation of
video-language models, we carefully build the largest human-annotated Chinese
benchmarks covering three popular video-language tasks of cross-modal
retrieval, video captioning, and video category classification. Youku-mPLUG can
enable researchers to conduct more in-depth multimodal research and develop
better applications in the future. Furthermore, we release popular
video-language pre-training models, ALPRO and mPLUG-2, and our proposed
modularized decoder-only model mPLUG-video pre-trained on Youku-mPLUG.
Experiments show that models pre-trained on Youku-mPLUG gain up to 23.1%
improvement in video category classification. Besides, mPLUG-video achieves a
new state-of-the-art result on these benchmarks with 80.5% top-1 accuracy in
video category classification and 68.9 CIDEr score in video captioning,
respectively. Finally, we scale up mPLUG-video based on the frozen Bloomz with
only 1.7% trainable parameters as Chinese multimodal LLM, and demonstrate
impressive instruction and video understanding ability. The zero-shot
instruction understanding experiment indicates that pretraining with
Youku-mPLUG can enhance the ability to comprehend overall and detailed visual
semantics, recognize scene text, and leverage open-domain knowledge. | cs.CV | Youku-mPLUG: A 10 Million Large-scale Chinese Video-Language Dataset for Pre-training and Benchmarks |
2023-06-07T11:40:07Z | http://arxiv.org/pdf/2306.04357v5 | http://arxiv.org/abs/2306.04357v5 | Zhenpeng Su, Xing Wu, Wei Zhou, Guangyuan Ma, Songlin Hu | 2024-03-27T03:06:13Z | cs.CL, cs.AI | Dialogue response selection aims to select an appropriate response from
several candidates based on a given user and system utterance history. Most
existing works primarily focus on post-training and fine-tuning tailored for
cross-encoders. However, there are no post-training methods tailored for dense
encoders in dialogue response selection. We argue that when the current
language model, based on dense dialogue systems (such as BERT), is employed as
a dense encoder, it separately encodes dialogue context and response, leading
to a struggle to achieve the alignment of both representations. Thus, we
propose Dial-MAE (Dialogue Contextual Masking Auto-Encoder), a straightforward
yet effective post-training technique tailored for dense encoders in dialogue
response selection. Dial-MAE uses an asymmetric encoder-decoder architecture to
compress the dialogue semantics into dense vectors, which achieves better
alignment between the features of the dialogue context and response. Our
experiments have demonstrated that Dial-MAE is highly effective, achieving
state-of-the-art performance on two commonly evaluated benchmarks. | cs.CL | Dial-MAE: ConTextual Masked Auto-Encoder for Retrieval-based Dialogue Systems |
2023-06-07T11:33:14Z | http://arxiv.org/pdf/2306.04349v2 | http://arxiv.org/abs/2306.04349v2 | Xiaohuan Pei, Yanxi Li, Chang Xu | 2023-06-08T05:45:45Z | cs.CL, cs.DB | The task of annotating data into concise summaries poses a significant
challenge across various domains, frequently requiring the allocation of
significant time and specialized knowledge by human experts. Despite existing
efforts to use large language models for annotation tasks, significant problems
such as limited applicability to unlabeled data, the absence of self-supervised
methods, and the lack of focus on complex structured data still persist. In
this work, we propose a GPT self-supervision annotation method, which embodies
a generating-recovering paradigm that leverages the one-shot learning
capabilities of the Generative Pretrained Transformer (GPT). The proposed
approach comprises a one-shot tuning phase followed by a generation phase. In
the one-shot tuning phase, we sample a data from the support set as part of the
prompt for GPT to generate a textual summary, which is then used to recover the
original data. The alignment score between the recovered and original data
serves as a self-supervision navigator to refine the process. In the generation
stage, the optimally selected one-shot sample serves as a template in the
prompt and is applied to generating summaries from challenging datasets. The
annotation performance is evaluated by tuning several human feedback reward
networks and by calculating alignment scores between original and recovered
data at both sentence and structure levels. Our self-supervised annotation
method consistently achieves competitive scores, convincingly demonstrating its
robust strength in various data-to-summary annotation tasks. | cs.CL | GPT Self-Supervision for a Better Data Annotator |
2023-06-07T11:25:20Z | http://arxiv.org/pdf/2306.04347v1 | http://arxiv.org/abs/2306.04347v1 | Andreas Opedal, Niklas Stoehr, Abulhair Saparov, Mrinmaya Sachan | 2023-06-07T11:25:20Z | cs.CL | Solving math story problems is a complex task for students and NLP models
alike, requiring them to understand the world as described in the story and
reason over it to compute an answer. Recent years have seen impressive
performance on automatically solving these problems with large pre-trained
language models and innovative techniques to prompt them. However, it remains
unclear if these models possess accurate representations of mathematical
concepts. This leads to lack of interpretability and trustworthiness which
impedes their usefulness in various applications. In this paper, we consolidate
previous work on categorizing and representing math story problems and develop
MathWorld, which is a graph-based semantic formalism specific for the domain of
math story problems. With MathWorld, we can assign world models to math story
problems which represent the situations and actions introduced in the text and
their mathematical relationships. We combine math story problems from several
existing datasets and annotate a corpus of 1,019 problems and 3,204 logical
forms with MathWorld. Using this data, we demonstrate the following use cases
of MathWorld: (1) prompting language models with synthetically generated
question-answer pairs to probe their reasoning and world modeling abilities,
and (2) generating new problems by using the world models as a design space. | cs.CL | World Models for Math Story Problems |
2023-06-07T11:11:12Z | http://arxiv.org/pdf/2306.04340v1 | http://arxiv.org/abs/2306.04340v1 | Bowen Xing, Ivor W. Tsang | 2023-06-07T11:11:12Z | cs.CL, cs.AI | Emotion-Cause Pair Extraction (ECPE) aims to extract all emotion clauses and
their corresponding cause clauses from a document. Existing approaches tackle
this task through multi-task learning (MTL) framework in which the two subtasks
provide indicative clues for ECPE. However, the previous MTL framework
considers only one round of multi-task reasoning and ignores the reverse
feedbacks from ECPE to the subtasks. Besides, its multi-task reasoning only
relies on semantics-level interactions, which cannot capture the explicit
dependencies, and both the encoder sharing and multi-task hidden states
concatenations can hardly capture the causalities. To solve these issues, we
first put forward a new MTL framework based on Co-evolving Reasoning. It (1)
models the bidirectional feedbacks between ECPE and its subtasks; (2) allows
the three tasks to evolve together and prompt each other recurrently; (3)
integrates prediction-level interactions to capture explicit dependencies. Then
we propose a novel multi-task relational graph (MRG) to sufficiently exploit
the causal relations. Finally, we propose a Co-evolving Graph Reasoning Network
(CGR-Net) that implements our MTL framework and conducts Co-evolving Reasoning
on MRG. Experimental results show that our model achieves new state-of-the-art
performance, and further analysis confirms the advantages of our method. | cs.CL | Co-evolving Graph Reasoning Network for Emotion-Cause Pair Extraction |
2023-06-07T11:04:02Z | http://arxiv.org/pdf/2306.04337v2 | http://arxiv.org/abs/2306.04337v2 | Xavier F. Cadet, Ranya Aloufi, Sara Ahmadi-Abhari, Hamed Haddadi | 2024-03-22T18:41:02Z | cs.CL | Automating dysarthria assessments offers the opportunity to develop
practical, low-cost tools that address the current limitations of manual and
subjective assessments. Nonetheless, the small size of most dysarthria datasets
makes it challenging to develop automated assessment. Recent research showed
that speech representations from models pre-trained on large unlabelled data
can enhance Automatic Speech Recognition (ASR) performance for dysarthric
speech. We are the first to evaluate the representations from pre-trained
state-of-the-art Self-Supervised models across three downstream tasks on
dysarthric speech: disease classification, word recognition and intelligibility
classification, and under three noise scenarios on the UA-Speech dataset. We
show that HuBERT is the most versatile feature extractor across dysarthria
classification, word recognition, and intelligibility classification, achieving
respectively $+24.7\%, +61\%, \text{and} +7.2\%$ accuracy compared to classical
acoustic features. | cs.CL | A study on the impact of Self-Supervised Learning on automatic dysarthric speech assessment |
2023-06-07T11:01:39Z | http://arxiv.org/pdf/2306.04334v1 | http://arxiv.org/abs/2306.04334v1 | Alessandro Scirè, Simone Conia, Simone Ciciliano, Roberto Navigli | 2023-06-07T11:01:39Z | cs.CL | In recent years, research in text summarization has mainly focused on the
news domain, where texts are typically short and have strong layout features.
The task of full-book summarization presents additional challenges which are
hard to tackle with current resources, due to their limited size and
availability in English only. To overcome these limitations, we present "Echoes
from Alexandria", or in shortened form, "Echoes", a large resource for
multilingual book summarization. Echoes features three novel datasets: i)
Echo-Wiki, for multilingual book summarization, ii) Echo-XSum, for
extremely-compressive multilingual book summarization, and iii) Echo-FairySum,
for extractive book summarization. To the best of our knowledge, Echoes, with
its thousands of books and summaries, is the largest resource, and the first to
be multilingual, featuring 5 languages and 25 language pairs. In addition to
Echoes, we also introduce a new extractive-then-abstractive baseline, and,
supported by our experimental results and manual analysis of the summaries
generated, we argue that this baseline is more suitable for book summarization
than purely-abstractive approaches. We release our resource and software at
https://github.com/Babelscape/echoes-from-alexandria in the hope of fostering
innovative research in multilingual book summarization. | cs.CL | Echoes from Alexandria: A Large Resource for Multilingual Book Summarization |
2023-06-07T10:47:33Z | http://arxiv.org/pdf/2306.04328v1 | http://arxiv.org/abs/2306.04328v1 | Dhananjay Srivastava | 2023-06-07T10:47:33Z | cs.CL | Clinical conversation summarization has become an important application of
Natural language Processing. In this work, we intend to analyze summarization
model ensembling approaches, that can be utilized to improve the overall
accuracy of the generated medical report called chart note. The work starts
with a single summarization model creating the baseline. Then leads to an
ensemble of summarization models trained on a separate section of the chart
note. This leads to the final approach of passing the generated results to
another summarization model in a multi-layer/stage fashion for better coherency
of the generated text. Our results indicate that although an ensemble of models
specialized in each section produces better results, the multi-layer/stage
approach does not improve accuracy. The code for the above paper is available
at https://github.com/dhananjay-srivastava/MEDIQA-Chat-2023-iuteam1.git | cs.CL | IUTEAM1 at MEDIQA-Chat 2023: Is simple fine tuning effective for multilayer summarization of clinical conversations? |
2023-06-07T10:19:50Z | http://arxiv.org/pdf/2306.04314v1 | http://arxiv.org/abs/2306.04314v1 | Gil Rocha, Henrique Lopes Cardoso, Jonas Belouadi, Steffen Eger | 2023-06-07T10:19:50Z | cs.CL | Available corpora for Argument Mining differ along several axes, and one of
the key differences is the presence (or absence) of discourse markers to signal
argumentative content. Exploring effective ways to use discourse markers has
received wide attention in various discourse parsing tasks, from which it is
well-known that discourse markers are strong indicators of discourse relations.
To improve the robustness of Argument Mining systems across different genres,
we propose to automatically augment a given text with discourse markers such
that all relations are explicitly signaled. Our analysis unveils that popular
language models taken out-of-the-box fail on this task; however, when
fine-tuned on a new heterogeneous dataset that we construct (including
synthetic and real examples), they perform considerably better. We demonstrate
the impact of our approach on an Argument Mining downstream task, evaluated on
different corpora, showing that language models can be trained to automatically
fill in discourse markers across different corpora, improving the performance
of a downstream model in some, but not all, cases. Our proposed approach can
further be employed as an assistive tool for better discourse understanding. | cs.CL | Cross-Genre Argument Mining: Can Language Models Automatically Fill in Missing Discourse Markers? |
2023-06-07T10:14:17Z | http://arxiv.org/pdf/2306.04308v2 | http://arxiv.org/abs/2306.04308v2 | Bojana Bodroza, Bojana M. Dinic, Ljubisa Bojic | 2023-12-15T06:26:05Z | cs.AI, cs.CL, cs.HC | As AI-bots continue to gain popularity due to their human-like traits and the
intimacy they offer to users, their societal impact inevitably expands. This
leads to the rising necessity for comprehensive studies to fully understand
AI-bots and reveal their potential opportunities, drawbacks, and overall
societal impact. With that in mind, this research conducted an extensive
investigation into ChatGPT3, a renowned AI bot, aiming to assess the temporal
reliability of its personality profile. Psychological questionnaires were
administered to the chatbot on two separate occasions, followed by a comparison
of the responses to human normative data. The findings revealed varying levels
of agreement in chatbot's responses over time, with some scales displaying
excellent agreement while others demonstrated poor agreement. Overall,
Davinci-003 displayed a socially desirable and pro-social personality profile,
particularly in the domain of communion. However, the underlying basis of the
chatbot's responses-whether driven by conscious self reflection or
predetermined algorithms-remains uncertain. | cs.AI | Personality testing of GPT-3: Limited temporal reliability, but highlighted social desirability of GPT-3's personality instruments results |
2023-06-07T10:11:09Z | http://arxiv.org/pdf/2306.04306v2 | http://arxiv.org/abs/2306.04306v2 | Kevin Glocker, Aaricia Herygers, Munir Georges | 2023-08-16T17:44:59Z | cs.CL, cs.SD, eess.AS, I.2.7 | This paper proposes Allophant, a multilingual phoneme recognizer. It requires
only a phoneme inventory for cross-lingual transfer to a target language,
allowing for low-resource recognition. The architecture combines a
compositional phone embedding approach with individually supervised phonetic
attribute classifiers in a multi-task architecture. We also introduce
Allophoible, an extension of the PHOIBLE database. When combined with a
distance based mapping approach for grapheme-to-phoneme outputs, it allows us
to train on PHOIBLE inventories directly. By training and evaluating on 34
languages, we found that the addition of multi-task learning improves the
model's capability of being applied to unseen phonemes and phoneme inventories.
On supervised languages we achieve phoneme error rate improvements of 11
percentage points (pp.) compared to a baseline without multi-task learning.
Evaluation of zero-shot transfer on 84 languages yielded a decrease in PER of
2.63 pp. over the baseline. | cs.CL | Allophant: Cross-lingual Phoneme Recognition with Articulatory Attributes |
2023-06-07T09:46:38Z | http://arxiv.org/pdf/2306.04293v1 | http://arxiv.org/abs/2306.04293v1 | Soyeong Jeong, Jinheon Baek, Sung Ju Hwang, Jong C. Park | 2023-06-07T09:46:38Z | cs.CL, cs.IR, cs.LG | Open-Domain Conversational Question Answering (ODConvQA) aims at answering
questions through a multi-turn conversation based on a retriever-reader
pipeline, which retrieves passages and then predicts answers with them.
However, such a pipeline approach not only makes the reader vulnerable to the
errors propagated from the retriever, but also demands additional effort to
develop both the retriever and the reader, which further makes it slower since
they are not runnable in parallel. In this work, we propose a method to
directly predict answers with a phrase retrieval scheme for a sequence of
words, reducing the conventional two distinct subtasks into a single one. Also,
for the first time, we study its capability for ODConvQA tasks. However, simply
adopting it is largely problematic, due to the dependencies between previous
and current turns in a conversation. To address this problem, we further
introduce a novel contrastive learning strategy, making sure to reflect
previous turns when retrieving the phrase for the current context, by
maximizing representational similarities of consecutive turns in a conversation
while minimizing irrelevant conversational contexts. We validate our model on
two ODConvQA datasets, whose experimental results show that it substantially
outperforms the relevant baselines with the retriever-reader. Code is available
at: https://github.com/starsuzi/PRO-ConvQA. | cs.CL | Phrase Retrieval for Open-Domain Conversational Question Answering with Conversational Dependency Modeling via Contrastive Learning |
2023-06-07T09:23:26Z | http://arxiv.org/pdf/2306.04277v1 | http://arxiv.org/abs/2306.04277v1 | Yasuhiro Nakayama, Tomochika Sawaki | 2023-06-07T09:23:26Z | cs.CL | In this study, we analyze documents published by central banks using text
mining techniques and propose a method to evaluate the policy tone of central
banks. Since the monetary policies of major central banks have a broad impact
on financial market trends, the pricing of risky assets, and the real economy,
market participants are attempting to more accurately capture changes in the
outlook for central banks' future monetary policies. Since the published
documents are also an important tool for the central bank to communicate with
the market, they are meticulously elaborated on grammatical syntax and wording,
and investors are urged to read more accurately about the central bank's policy
stance. Sentiment analysis on central bank documents has long been carried out,
but it has been difficult to interpret the meaning of the documents accurately
and to explicitly capture even the intentional change in nuance. This study
attempts to evaluate the implication of the zero-shot text classification
method for an unknown economic environment using the same model. We compare the
tone of the statements, minutes, press conference transcripts of FOMC meetings,
and the Fed officials' (chair, vice chair, and Governors) speeches. In
addition, the minutes of the FOMC meetings were subjected to a phase analysis
of changes in each policy stance since 1971. | cs.CL | Analysis of the Fed's communication by using textual entailment model of Zero-Shot classification |
2023-06-07T09:09:00Z | http://arxiv.org/pdf/2306.04268v1 | http://arxiv.org/abs/2306.04268v1 | Théo Mariotte, Anthony Larcher, Silvio Montrésor, Jean-Hugh Thomas | 2023-06-07T09:09:00Z | cs.SD, cs.CL, eess.AS | Speaker diarization is the task of answering Who spoke and when? in an audio
stream. Pipeline systems rely on speech segmentation to extract speakers'
segments and achieve robust speaker diarization. This paper proposes a common
framework to solve three segmentation tasks in the distant speech scenario:
Voice Activity Detection (VAD), Overlapped Speech Detection (OSD), and Speaker
Change Detection (SCD). In the literature, a few studies investigate the
multi-microphone distant speech scenario. In this work, we propose a new set of
spatial features based on direction-of-arrival estimations in the circular
harmonic domain (CH-DOA). These spatial features are extracted from
multi-microphone audio data and combined with standard acoustic features.
Experiments on the AMI meeting corpus show that CH-DOA can improve the
segmentation while being robust in the case of deactivated microphones. | cs.SD | Multi-microphone Automatic Speech Segmentation in Meetings Based on Circular Harmonics Features |
2023-06-07T08:23:58Z | http://arxiv.org/pdf/2306.04233v1 | http://arxiv.org/abs/2306.04233v1 | Kohei Matsuura, Takanori Ashihara, Takafumi Moriya, Tomohiro Tanaka, Takatomo Kano, Atsunori Ogawa, Marc Delcroix | 2023-06-07T08:23:58Z | cs.CL, cs.SD, eess.AS | End-to-end speech summarization (E2E SSum) directly summarizes input speech
into easy-to-read short sentences with a single model. This approach is
promising because it, in contrast to the conventional cascade approach, can
utilize full acoustical information and mitigate to the propagation of
transcription errors. However, due to the high cost of collecting
speech-summary pairs, an E2E SSum model tends to suffer from training data
scarcity and output unnatural sentences. To overcome this drawback, we propose
for the first time to integrate a pre-trained language model (LM), which is
highly capable of generating natural sentences, into the E2E SSum decoder via
transfer learning. In addition, to reduce the gap between the independently
pre-trained encoder and decoder, we also propose to transfer the baseline E2E
SSum encoder instead of the commonly used automatic speech recognition encoder.
Experimental results show that the proposed model outperforms baseline and data
augmented models. | cs.CL | Transfer Learning from Pre-trained Language Models Improves End-to-End Speech Summarization |
2023-06-07T07:45:38Z | http://arxiv.org/pdf/2306.04217v1 | http://arxiv.org/abs/2306.04217v1 | Xiaobao Wu, Xinshuai Dong, Thong Nguyen, Anh Tuan Luu | 2023-06-07T07:45:38Z | cs.CL | Topic models have been prevalent for decades with various applications.
However, existing topic models commonly suffer from the notorious topic
collapsing: discovered topics semantically collapse towards each other, leading
to highly repetitive topics, insufficient topic discovery, and damaged model
interpretability. In this paper, we propose a new neural topic model, Embedding
Clustering Regularization Topic Model (ECRTM). Besides the existing
reconstruction error, we propose a novel Embedding Clustering Regularization
(ECR), which forces each topic embedding to be the center of a separately
aggregated word embedding cluster in the semantic space. This enables each
produced topic to contain distinct word semantics, which alleviates topic
collapsing. Regularized by ECR, our ECRTM generates diverse and coherent topics
together with high-quality topic distributions of documents. Extensive
experiments on benchmark datasets demonstrate that ECRTM effectively addresses
the topic collapsing issue and consistently surpasses state-of-the-art
baselines in terms of topic quality, topic distributions of documents, and
downstream classification tasks. | cs.CL | Effective Neural Topic Modeling with Embedding Clustering Regularization |
2023-06-07T07:15:20Z | http://arxiv.org/pdf/2306.04203v1 | http://arxiv.org/abs/2306.04203v1 | Fréjus A. A. Laleye, Loïc Rakotoson, Sylvain Massip | 2023-06-07T07:15:20Z | cs.CL, cs.LG | Relation extraction task is a crucial and challenging aspect of Natural
Language Processing. Several methods have surfaced as of late, exhibiting
notable performance in addressing the task; however, most of these approaches
rely on vast amounts of data from large-scale knowledge graphs or language
models pretrained on voluminous corpora. In this paper, we hone in on the
effective utilization of solely the knowledge supplied by a corpus to create a
high-performing model. Our objective is to showcase that by leveraging the
hierarchical structure and relational distribution of entities within a corpus
without introducing external knowledge, a relation extraction model can achieve
significantly enhanced performance. We therefore proposed a relation extraction
approach based on the incorporation of pretrained knowledge graph embeddings at
the corpus scale into the sentence-level contextual representation. We
conducted a series of experiments which revealed promising and very interesting
results for our proposed approach.The obtained results demonstrated an
outperformance of our method compared to context-based relation extraction
models. | cs.CL | Leveraging Knowledge Graph Embeddings to Enhance Contextual Representations for Relation Extraction |
2023-06-07T06:58:38Z | http://arxiv.org/pdf/2306.04190v1 | http://arxiv.org/abs/2306.04190v1 | Yu Bai, Cristian Tejedor-Garcia, Ferdy Hubers, Catia Cucchiarini, Helmer Strik | 2023-06-07T06:58:38Z | cs.CL, cs.LG, cs.SD, eess.AS | The interest in employing automatic speech recognition (ASR) in applications
for reading practice has been growing in recent years. In a previous study, we
presented an ASR-based Dutch reading tutor application that was developed to
provide instantaneous feedback to first-graders learning to read. We saw that
ASR has potential at this stage of the reading process, as the results
suggested that pupils made progress in reading accuracy and fluency by using
the software. In the current study, we used children's speech from an existing
corpus (JASMIN) to develop two new ASR systems, and compared the results to
those of the previous study. We analyze correct/incorrect classification of the
ASR systems using human transcripts at word level, by means of evaluation
measures such as Cohen's Kappa, Matthews Correlation Coefficient (MCC),
precision, recall and F-measures. We observe improvements for the newly
developed ASR systems regarding the agreement with human-based judgment and
correct rejection (CR). The accuracy of the ASR systems varies for different
reading tasks and word types. Our results suggest that, in the current
configuration, it is difficult to classify isolated words. We discuss these
results, possible ways to improve our systems and avenues for future research. | cs.CL | An ASR-Based Tutor for Learning to Read: How to Optimize Feedback to First Graders |
2023-06-07T06:47:34Z | http://arxiv.org/pdf/2306.04188v1 | http://arxiv.org/abs/2306.04188v1 | Shiping Yang, Renliang Sun, Xiaojun Wan | 2023-06-07T06:47:34Z | cs.CL | Sentence Simplification is a valuable technique that can benefit language
learners and children a lot. However, current research focuses more on English
sentence simplification. The development of Chinese sentence simplification is
relatively slow due to the lack of data. To alleviate this limitation, this
paper introduces CSS, a new dataset for assessing sentence simplification in
Chinese. We collect manual simplifications from human annotators and perform
data analysis to show the difference between English and Chinese sentence
simplifications. Furthermore, we test several unsupervised and zero/few-shot
learning methods on CSS and analyze the automatic evaluation and human
evaluation results. In the end, we explore whether Large Language Models can
serve as high-quality Chinese sentence simplification systems by evaluating
them on CSS. | cs.CL | A New Dataset and Empirical Study for Sentence Simplification in Chinese |
2023-06-07T06:46:56Z | http://arxiv.org/pdf/2306.04187v2 | http://arxiv.org/abs/2306.04187v2 | Hongru Liang, Jia Liu, Weihong Du, Dingnan Jin, Wenqiang Lei, Zujie Wen, Jiancheng Lv | 2023-08-09T01:56:01Z | cs.CL | The machine reading comprehension (MRC) of user manuals has huge potential in
customer service. However, current methods have trouble answering complex
questions. Therefore, we introduce the Knowing-how & Knowing-that task that
requires the model to answer factoid-style, procedure-style, and inconsistent
questions about user manuals. We resolve this task by jointly representing the
steps and facts in a graph TARA, which supports a unified inference of various
questions. Towards a systematical benchmarking study, we design a heuristic
method to automatically parse user manuals into TARAs and build an annotated
dataset to test the model's ability in answering real-world questions.
Empirical results demonstrate that representing user manuals as TARAs is a
desired solution for the MRC of user manuals. An in-depth investigation of TARA
further sheds light on the issues and broader impacts of future representations
of user manuals. We hope our work can move the MRC of user manuals to a more
complex and realistic stage. | cs.CL | Knowing-how & Knowing-that: A New Task for Machine Comprehension of User Manuals |
2023-06-07T06:29:58Z | http://arxiv.org/pdf/2306.04181v2 | http://arxiv.org/abs/2306.04181v2 | Yushi Bai, Jiahao Ying, Yixin Cao, Xin Lv, Yuze He, Xiaozhi Wang, Jifan Yu, Kaisheng Zeng, Yijia Xiao, Haozhe Lyu, Jiayin Zhang, Juanzi Li, Lei Hou | 2023-11-04T11:50:13Z | cs.CL, cs.LG | Numerous benchmarks have been established to assess the performance of
foundation models on open-ended question answering, which serves as a
comprehensive test of a model's ability to understand and generate language in
a manner similar to humans. Most of these works focus on proposing new
datasets, however, we see two main issues within previous benchmarking
pipelines, namely testing leakage and evaluation automation. In this paper, we
propose a novel benchmarking framework, Language-Model-as-an-Examiner, where
the LM serves as a knowledgeable examiner that formulates questions based on
its knowledge and evaluates responses in a reference-free manner. Our framework
allows for effortless extensibility as various LMs can be adopted as the
examiner, and the questions can be constantly updated given more diverse
trigger topics. For a more comprehensive and equitable evaluation, we devise
three strategies: (1) We instruct the LM examiner to generate questions across
a multitude of domains to probe for a broad acquisition, and raise follow-up
questions to engage in a more in-depth assessment. (2) Upon evaluation, the
examiner combines both scoring and ranking measurements, providing a reliable
result as it aligns closely with human annotations. (3) We additionally propose
a decentralized Peer-examination method to address the biases in a single
examiner. Our data and benchmarking results are available at:
http://lmexam.xlore.cn. | cs.CL | Benchmarking Foundation Models with Language-Model-as-an-Examiner |
2023-06-07T06:03:39Z | http://arxiv.org/pdf/2306.04176v1 | http://arxiv.org/abs/2306.04176v1 | Kyungjae Lee, Sang-eun Han, Seung-won Hwang, Moontae Lee | 2023-06-07T06:03:39Z | cs.CL, cs.AI, I.2.7 | This paper studies the problem of open-domain question answering, with the
aim of answering a diverse range of questions leveraging knowledge resources.
Two types of sources, QA-pair and document corpora, have been actively
leveraged with the following complementary strength. The former is highly
precise when the paraphrase of given question $q$ was seen and answered during
training, often posed as a retrieval problem, while the latter generalizes
better for unseen questions. A natural follow-up is thus leveraging both
models, while a naive pipelining or integration approaches have failed to bring
additional gains over either model alone. Our distinction is interpreting the
problem as calibration, which estimates the confidence of predicted answers as
an indicator to decide when to use a document or QA-pair corpus. The
effectiveness of our method was validated on widely adopted benchmarks such as
Natural Questions and TriviaQA. | cs.CL | When to Read Documents or QA History: On Unified and Selective Open-domain QA |
2023-06-07T05:46:19Z | http://arxiv.org/pdf/2306.04170v1 | http://arxiv.org/abs/2306.04170v1 | Zhibin Chen, Yansong Feng, Dongyan Zhao | 2023-06-07T05:46:19Z | cs.CL | Entailment Graphs (EGs) have been constructed based on extracted corpora as a
strong and explainable form to indicate context-independent entailment
relations in natural languages. However, EGs built by previous methods often
suffer from the severe sparsity issues, due to limited corpora available and
the long-tail phenomenon of predicate distributions. In this paper, we propose
a multi-stage method, Typed Predicate-Entailment Graph Generator (TP-EGG), to
tackle this problem. Given several seed predicates, TP-EGG builds the graphs by
generating new predicates and detecting entailment relations among them. The
generative nature of TP-EGG helps us leverage the recent advances from large
pretrained language models (PLMs), while avoiding the reliance on carefully
prepared corpora. Experiments on benchmark datasets show that TP-EGG can
generate high-quality and scale-controllable entailment graphs, achieving
significant in-domain improvement over state-of-the-art EGs and boosting the
performance of down-stream inference tasks. | cs.CL | From the One, Judge of the Whole: Typed Entailment Graph Construction with Predicate Generation |
2023-06-07T04:27:09Z | http://arxiv.org/pdf/2306.04140v1 | http://arxiv.org/abs/2306.04140v1 | John Joon Young Chung, Ece Kamar, Saleema Amershi | 2023-06-07T04:27:09Z | cs.CL | Large language models (LLMs) can be used to generate text data for training
and evaluating other models. However, creating high-quality datasets with LLMs
can be challenging. In this work, we explore human-AI partnerships to
facilitate high diversity and accuracy in LLM-based text data generation. We
first examine two approaches to diversify text generation: 1) logit
suppression, which minimizes the generation of languages that have already been
frequently generated, and 2) temperature sampling, which flattens the token
sampling probability. We found that diversification approaches can increase
data diversity but often at the cost of data accuracy (i.e., text and labels
being appropriate for the target domain). To address this issue, we examined
two human interventions, 1) label replacement (LR), correcting misaligned
labels, and 2) out-of-scope filtering (OOSF), removing instances that are out
of the user's domain of interest or to which no considered label applies. With
oracle studies, we found that LR increases the absolute accuracy of models
trained with diversified datasets by 14.4%. Moreover, we found that some models
trained with data generated with LR interventions outperformed LLM-based
few-shot classification. In contrast, OOSF was not effective in increasing
model accuracy, implying the need for future work in human-in-the-loop text
data generation. | cs.CL | Increasing Diversity While Maintaining Accuracy: Text Data Generation with Large Language Models and Human Interventions |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.