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-19T15:42:02Z | http://arxiv.org/pdf/2306.11025v1 | http://arxiv.org/abs/2306.11025v1 | Xinli Yu, Zheng Chen, Yuan Ling, Shujing Dong, Zongyi Liu, Yanbin Lu | 2023-06-19T15:42:02Z | cs.LG, cs.AI, cs.CL, q-fin.ST, F.2.2; I.2.7; I.2.1 | This paper presents a novel study on harnessing Large Language Models' (LLMs)
outstanding knowledge and reasoning abilities for explainable financial time
series forecasting. The application of machine learning models to financial
time series comes with several challenges, including the difficulty in
cross-sequence reasoning and inference, the hurdle of incorporating multi-modal
signals from historical news, financial knowledge graphs, etc., and the issue
of interpreting and explaining the model results. In this paper, we focus on
NASDAQ-100 stocks, making use of publicly accessible historical stock price
data, company metadata, and historical economic/financial news. We conduct
experiments to illustrate the potential of LLMs in offering a unified solution
to the aforementioned challenges. Our experiments include trying
zero-shot/few-shot inference with GPT-4 and instruction-based fine-tuning with
a public LLM model Open LLaMA. We demonstrate our approach outperforms a few
baselines, including the widely applied classic ARMA-GARCH model and a
gradient-boosting tree model. Through the performance comparison results and a
few examples, we find LLMs can make a well-thought decision by reasoning over
information from both textual news and price time series and extracting
insights, leveraging cross-sequence information, and utilizing the inherent
knowledge embedded within the LLM. Additionally, we show that a publicly
available LLM such as Open-LLaMA, after fine-tuning, can comprehend the
instruction to generate explainable forecasts and achieve reasonable
performance, albeit relatively inferior in comparison to GPT-4. | cs.LG | Temporal Data Meets LLM -- Explainable Financial Time Series Forecasting |
2023-06-19T15:31:34Z | http://arxiv.org/pdf/2306.11020v1 | http://arxiv.org/abs/2306.11020v1 | Qian Li, Shu Guo, Cheng Ji, Xutan Peng, Shiyao Cui, Jianxin Li | 2023-06-19T15:31:34Z | cs.CL | Multi-Modal Relation Extraction (MMRE) aims at identifying the relation
between two entities in texts that contain visual clues. Rich visual content is
valuable for the MMRE task, but existing works cannot well model finer
associations among different modalities, failing to capture the truly helpful
visual information and thus limiting relation extraction performance. In this
paper, we propose a novel MMRE framework to better capture the deeper
correlations of text, entity pair, and image/objects, so as to mine more
helpful information for the task, termed as DGF-PT. We first propose a
prompt-based autoregressive encoder, which builds the associations of
intra-modal and inter-modal features related to the task, respectively by
entity-oriented and object-oriented prefixes. To better integrate helpful
visual information, we design a dual-gated fusion module to distinguish the
importance of image/objects and further enrich text representations. In
addition, a generative decoder is introduced with entity type restriction on
relations, better filtering out candidates. Extensive experiments conducted on
the benchmark dataset show that our approach achieves excellent performance
compared to strong competitors, even in the few-shot situation. | cs.CL | Dual-Gated Fusion with Prefix-Tuning for Multi-Modal Relation Extraction |
2023-06-19T14:52:39Z | http://arxiv.org/pdf/2306.10985v1 | http://arxiv.org/abs/2306.10985v1 | Julien Perez, Denys Proux, Claude Roux, Michael Niemaz | 2023-06-19T14:52:39Z | cs.CL, cs.LG, cs.RO | Goal-conditioned and Multi-Task Reinforcement Learning (GCRL and MTRL)
address numerous problems related to robot learning, including locomotion,
navigation, and manipulation scenarios. Recent works focusing on
language-defined robotic manipulation tasks have led to the tedious production
of massive human annotations to create dataset of textual descriptions
associated with trajectories. To leverage reinforcement learning with
text-based task descriptions, we need to produce reward functions associated
with individual tasks in a scalable manner. In this paper, we leverage recent
capabilities of Large Language Models (LLMs) and introduce \larg,
Language-based Automatic Reward and Goal Generation, an approach that converts
a text-based task description into its corresponding reward and goal-generation
functions We evaluate our approach for robotic manipulation and demonstrate its
ability to train and execute policies in a scalable manner, without the need
for handcrafted reward functions. | cs.CL | LARG, Language-based Automatic Reward and Goal Generation |
2023-06-19T14:34:49Z | http://arxiv.org/pdf/2306.10974v2 | http://arxiv.org/abs/2306.10974v2 | Justin Mücke, Daria Waldow, Luise Metzger, Philipp Schauz, Marcel Hoffman, Nicolas Lell, Ansgar Scherp | 2023-06-21T08:31:48Z | cs.CL | We support scientific writers in determining whether a written sentence is
scientific, to which section it belongs, and suggest paraphrasings to improve
the sentence. Firstly, we propose a regression model trained on a corpus of
scientific sentences extracted from peer-reviewed scientific papers and
non-scientific text to assign a score that indicates the scientificness of a
sentence. We investigate the effect of equations and citations on this score to
test the model for potential biases. Secondly, we create a mapping of section
titles to a standard paper layout in AI and machine learning to classify a
sentence to its most likely section. We study the impact of context, i.e.,
surrounding sentences, on the section classification performance. Finally, we
propose a paraphraser, which suggests an alternative for a given sentence that
includes word substitutions, additions to the sentence, and structural changes
to improve the writing style. We train various large language models on
sentences extracted from arXiv papers that were peer reviewed and published at
A*, A, B, and C ranked conferences. On the scientificness task, all models
achieve an MSE smaller than $2\%$. For the section classification, BERT
outperforms WideMLP and SciBERT in most cases. We demonstrate that using
context enhances the classification of a sentence, achieving up to a $90\%$
F1-score. Although the paraphrasing models make comparatively few alterations,
they produce output sentences close to the gold standard. Large fine-tuned
models such as T5 Large perform best in experiments considering various
measures of difference between input sentence and gold standard. Code is
provided under https://github.com/JustinMuecke/SciSen. | cs.CL | Fine-Tuning Language Models for Scientific Writing Support |
2023-06-19T14:30:52Z | http://arxiv.org/pdf/2306.10968v2 | http://arxiv.org/abs/2306.10968v2 | Shaolei Zhang, Qingkai Fang, Zhuocheng Zhang, Zhengrui Ma, Yan Zhou, Langlin Huang, Mengyu Bu, Shangtong Gui, Yunji Chen, Xilin Chen, Yang Feng | 2023-06-21T11:31:50Z | cs.CL, cs.AI | Large language models (LLMs) have demonstrated remarkable prowess in language
understanding and generation. Advancing from foundation LLMs to
instructionfollowing LLMs, instruction tuning plays a vital role in aligning
LLMs to human preferences. However, the existing LLMs are usually focused on
English, leading to inferior performance in non-English languages. In order to
improve the performance for non-English languages, it is necessary to collect
language-specific training data for foundation LLMs and construct
language-specific instructions for instruction tuning, both of which are heavy
loads. To minimize human workload, we propose to transfer the capabilities of
language generation and instruction following from English to other languages
through an interactive translation task. We have developed BayLing, an
instruction-following LLM by utilizing LLaMA as the foundation LLM and
automatically constructing interactive translation instructions for instructing
tuning. Extensive assessments demonstrate that BayLing achieves comparable
performance to GPT-3.5-turbo, despite utilizing a considerably smaller
parameter size of only 13 billion. Experimental results on translation tasks
show that BayLing achieves 95% of single-turn translation capability compared
to GPT-4 with automatic evaluation and 96% of interactive translation
capability compared to GPT-3.5-turbo with human evaluation. To estimate the
performance on general tasks, we created a multi-turn instruction test set
called BayLing-80. The experimental results on BayLing-80 indicate that BayLing
achieves 89% of performance compared to GPT-3.5-turbo. BayLing also
demonstrates outstanding performance on knowledge assessment of Chinese GaoKao
and English SAT, second only to GPT-3.5-turbo among a multitude of
instruction-following LLMs. Demo, homepage, code and models of BayLing are
available. | cs.CL | BayLing: Bridging Cross-lingual Alignment and Instruction Following through Interactive Translation for Large Language Models |
2023-06-19T14:27:21Z | http://arxiv.org/pdf/2306.10964v1 | http://arxiv.org/abs/2306.10964v1 | Genta Indra Winata, Liang-Kang Huang, Soumya Vadlamannati, Yash Chandarana | 2023-06-19T14:27:21Z | cs.CL | Transformer-based language models have achieved remarkable success in
few-shot in-context learning and drawn a lot of research interest. However,
these models' performance greatly depends on the choice of the example prompts
and also has high variability depending on how samples are chosen. In this
paper, we conduct a comprehensive study of retrieving semantically similar
few-shot samples and using them as the context, as it helps the model decide
the correct label without any gradient update in the multilingual and
cross-lingual settings. We evaluate the proposed method on five natural
language understanding datasets related to intent detection, question
classification, sentiment analysis, and topic classification. The proposed
method consistently outperforms random sampling in monolingual and
cross-lingual tasks in non-English languages. | cs.CL | Multilingual Few-Shot Learning via Language Model Retrieval |
2023-06-19T11:42:47Z | http://arxiv.org/pdf/2306.10869v1 | http://arxiv.org/abs/2306.10869v1 | Edvin Listo Zec, Olof Mogren | 2023-06-19T11:42:47Z | cs.CL, cs.LG | The grammatical gender of Swedish nouns is a mystery. While there are few
rules that can indicate the gender with some certainty, it does in general not
depend on either meaning or the structure of the word. In this paper we
demonstrate the surprising fact that grammatical gender for Swedish nouns can
be predicted with high accuracy using a recurrent neural network (RNN) working
on the raw character sequence of the word, without using any contextual
information. | cs.CL | Grammatical gender in Swedish is predictable using recurrent neural networks |
2023-06-19T10:22:12Z | http://arxiv.org/pdf/2306.17181v4 | http://arxiv.org/abs/2306.17181v4 | Jun-Min Lee, Tae-Bin Ha | 2023-10-17T10:41:12Z | cs.CL, cs.LG | Generative Adversarial Networks (GAN) is a model for data synthesis, which
creates plausible data through the competition of generator and discriminator.
Although GAN application to image synthesis is extensively studied, it has
inherent limitations to natural language generation. Because natural language
is composed of discrete tokens, a generator has difficulty updating its
gradient through backpropagation; therefore, most text-GAN studies generate
sentences starting with a random token based on a reward system. Thus, the
generators of previous studies are pre-trained in an autoregressive way before
adversarial training, causing data memorization that synthesized sentences
reproduce the training data. In this paper, we synthesize sentences using a
framework similar to the original GAN. More specifically, we propose Text
Embedding Space Generative Adversarial Networks (TESGAN) which generate
continuous text embedding spaces instead of discrete tokens to solve the
gradient backpropagation problem. Furthermore, TESGAN conducts unsupervised
learning which does not directly refer to the text of the training data to
overcome the data memorization issue. By adopting this novel method, TESGAN can
synthesize new sentences, showing the potential of unsupervised learning for
text synthesis. We expect to see extended research combining Large Language
Models with a new perspective of viewing text as an continuous space. | cs.CL | Unsupervised Text Embedding Space Generation Using Generative Adversarial Networks for Text Synthesis |
2023-06-19T10:10:46Z | http://arxiv.org/pdf/2306.10821v1 | http://arxiv.org/abs/2306.10821v1 | Eun Jung Yeo, Hyungshin Ryu, Jooyoung Lee, Sunhee Kim, Minhwa Chung | 2023-06-19T10:10:46Z | cs.CL, cs.SD, eess.AS | This paper presents a large-scale analysis of L2 Korean pronunciation error
patterns from five different language backgrounds, Chinese, Vietnamese,
Japanese, Thai, and English, by using automatic phonetic transcription. For the
analysis, confusion matrices are generated for each L1, by aligning canonical
phone sequences and automatically transcribed phone sequences obtained from
fine-tuned Wav2Vec2 XLS-R phone recognizer. Each value in the confusion
matrices is compared to capture frequent common error patterns and to specify
patterns unique to a certain language background. Using the Foreign Speakers'
Voice Data of Korean for Artificial Intelligence Learning dataset, common error
pattern types are found to be (1) substitutions of aspirated or tense
consonants with plain consonants, (2) deletions of syllable-final consonants,
and (3) substitutions of diphthongs with monophthongs. On the other hand,
thirty-nine patterns including (1) syllable-final /l/ substitutions with /n/
for Vietnamese and (2) /\textturnm/ insertions for Japanese are discovered as
language-dependent. | cs.CL | Comparison of L2 Korean pronunciation error patterns from five L1 backgrounds by using automatic phonetic transcription |
2023-06-19T10:04:42Z | http://arxiv.org/pdf/2306.17180v1 | http://arxiv.org/abs/2306.17180v1 | Kaveri Kale, pushpak Bhattacharyya, Kshitij Jadhav | 2023-06-19T10:04:42Z | cs.CL, cs.AI, cs.CV | Clinical practice frequently uses medical imaging for diagnosis and
treatment. A significant challenge for automatic radiology report generation is
that the radiology reports are long narratives consisting of multiple sentences
for both abnormal and normal findings. Therefore, applying conventional image
captioning approaches to generate the whole report proves to be insufficient,
as these are designed to briefly describe images with short sentences. We
propose a template-based approach to generate radiology reports from
radiographs. Our approach involves the following: i) using a multilabel image
classifier, produce the tags for the input radiograph; ii) using a
transformer-based model, generate pathological descriptions (a description of
abnormal findings seen on radiographs) from the tags generated in step (i);
iii) using a BERT-based multi-label text classifier, find the spans in the
normal report template to replace with the generated pathological descriptions;
and iv) using a rule-based system, replace the identified span with the
generated pathological description. We performed experiments with the two most
popular radiology report datasets, IU Chest X-ray and MIMIC-CXR and
demonstrated that the BLEU-1, ROUGE-L, METEOR, and CIDEr scores are better than
the State-of-the-Art models by 25%, 36%, 44% and 48% respectively, on the IU
X-RAY dataset. To the best of our knowledge, this is the first attempt to
generate chest X-ray radiology reports by first creating small sentences for
abnormal findings and then replacing them in the normal report template. | cs.CL | Replace and Report: NLP Assisted Radiology Report Generation |
2023-06-19T09:06:44Z | http://arxiv.org/pdf/2306.10790v1 | http://arxiv.org/abs/2306.10790v1 | Junhao Zheng, Qianli Ma, Shengjie Qiu, Yue Wu, Peitian Ma, Junlong Liu, Huawen Feng, Xichen Shang, Haibin Chen | 2023-06-19T09:06:44Z | cs.CL, cs.AI | Fine-tuning has been proven to be a simple and effective technique to
transfer the learned knowledge of Pre-trained Language Models (PLMs) to
downstream tasks. However, vanilla fine-tuning easily overfits the target data
and degrades the generalization ability. Most existing studies attribute it to
catastrophic forgetting, and they retain the pre-trained knowledge
indiscriminately without identifying what knowledge is transferable. Motivated
by this, we frame fine-tuning into a causal graph and discover that the crux of
catastrophic forgetting lies in the missing causal effects from the pretrained
data. Based on the causal view, we propose a unified objective for fine-tuning
to retrieve the causality back. Intriguingly, the unified objective can be seen
as the sum of the vanilla fine-tuning objective, which learns new knowledge
from target data, and the causal objective, which preserves old knowledge from
PLMs. Therefore, our method is flexible and can mitigate negative transfer
while preserving knowledge. Since endowing models with commonsense is a
long-standing challenge, we implement our method on commonsense QA with a
proposed heuristic estimation to verify its effectiveness. In the experiments,
our method outperforms state-of-the-art fine-tuning methods on all six
commonsense QA datasets and can be implemented as a plug-in module to inflate
the performance of existing QA models. | cs.CL | Preserving Commonsense Knowledge from Pre-trained Language Models via Causal Inference |
2023-06-19T08:58:56Z | http://arxiv.org/pdf/2306.10787v1 | http://arxiv.org/abs/2306.10787v1 | Wenhao Huang, Jiaqing Liang, Zhixu Li, Yanghua Xiao, Chuanjun Ji | 2023-06-19T08:58:56Z | cs.CL | Information extraction (IE) has been studied extensively. The existing
methods always follow a fixed extraction order for complex IE tasks with
multiple elements to be extracted in one instance such as event extraction.
However, we conduct experiments on several complex IE datasets and observe that
different extraction orders can significantly affect the extraction results for
a great portion of instances, and the ratio of sentences that are sensitive to
extraction orders increases dramatically with the complexity of the IE task.
Therefore, this paper proposes a novel adaptive ordered IE paradigm to find the
optimal element extraction order for different instances, so as to achieve the
best extraction results. We also propose an reinforcement learning (RL) based
framework to generate optimal extraction order for each instance dynamically.
Additionally, we propose a co-training framework adapted to RL to mitigate the
exposure bias during the extractor training phase. Extensive experiments
conducted on several public datasets demonstrate that our proposed method can
beat previous methods and effectively improve the performance of various IE
tasks, especially for complex ones. | cs.CL | Adaptive Ordered Information Extraction with Deep Reinforcement Learning |
2023-06-19T08:58:47Z | http://arxiv.org/pdf/2306.10786v1 | http://arxiv.org/abs/2306.10786v1 | Abelardo Carlos Martínez Lorenzo, Pere-Lluís Huguet Cabot, Roberto Navigli | 2023-06-19T08:58:47Z | cs.CL, cs.AI | In this paper, we examine the current state-of-the-art in AMR parsing, which
relies on ensemble strategies by merging multiple graph predictions. Our
analysis reveals that the present models often violate AMR structural
constraints. To address this issue, we develop a validation method, and show
how ensemble models can exploit SMATCH metric weaknesses to obtain higher
scores, but sometimes result in corrupted graphs. Additionally, we highlight
the demanding need to compute the SMATCH score among all possible predictions.
To overcome these challenges, we propose two novel ensemble strategies based on
Transformer models, improving robustness to structural constraints, while also
reducing the computational time. Our methods provide new insights for enhancing
AMR parsers and metrics. Our code is available at
\href{https://www.github.com/babelscape/AMRs-Assemble}{github.com/babelscape/AMRs-Assemble}. | cs.CL | AMRs Assemble! Learning to Ensemble with Autoregressive Models for AMR Parsing |
2023-06-19T08:23:24Z | http://arxiv.org/pdf/2306.10769v1 | http://arxiv.org/abs/2306.10769v1 | Isabelle van der Vegt | 2023-06-19T08:23:24Z | cs.CL, cs.SI | Online abuse and threats towards politicians have become a significant
concern in the Netherlands, like in many other countries across the world. This
paper analyses gender differences in abuse received by Dutch politicians on
Twitter, while taking into account the possible additional impact of ethnic
minority status. All tweets directed at party leaders throughout the entire
year of 2022 were collected. The effect of gender and ethnic minority status
were estimated for six different linguistic measures of abuse, namely,
toxicity, severe toxicity, identity attacks, profanity, insults, and threats.
Contrary to expectations, male politicians received higher levels of all forms
of abuse, with the exception of threats, for which no significant gender
difference was found. Significant interaction effects between gender and ethnic
minority status were found for a number of abuse measures. In the case of
severe toxicity, identity attacks, and profanity, female ethnic minority
politicians were more severely impacted than their ethnic majority female
colleagues, but not worse than male politicians. Finally, female ethnic
minority politicians received the highest levels of threats compared to all
groups. Given that online abuse and threats are reported to have a negative
effect on political participation and retention, these results are particularly
worrying. | cs.CL | Gender Differences in Abuse: The Case of Dutch Politicians on Twitter |
2023-06-19T08:15:14Z | http://arxiv.org/pdf/2306.10765v1 | http://arxiv.org/abs/2306.10765v1 | Juexiao Zhou, Xiuying Chen, Xin Gao | 2023-06-19T08:15:14Z | cs.AI, cs.CL, cs.CV | Medical artificial general intelligence (AGI) is an emerging field that aims
to develop systems specifically designed for medical applications that possess
the ability to understand, learn, and apply knowledge across a wide range of
tasks and domains. Large language models (LLMs) represent a significant step
towards AGI. However, training cross-domain LLMs in the medical field poses
significant challenges primarily attributed to the requirement of collecting
data from diverse domains. This task becomes particularly difficult due to
privacy restrictions and the scarcity of publicly available medical datasets.
Here, we propose Medical AGI (MedAGI), a paradigm to unify domain-specific
medical LLMs with the lowest cost, and suggest a possible path to achieve
medical AGI. With an increasing number of domain-specific professional
multimodal LLMs in the medical field being developed, MedAGI is designed to
automatically select appropriate medical models by analyzing users' questions
with our novel adaptive expert selection algorithm. It offers a unified
approach to existing LLMs in the medical field, eliminating the need for
retraining regardless of the introduction of new models. This characteristic
renders it a future-proof solution in the dynamically advancing medical domain.
To showcase the resilience of MedAGI, we conducted an evaluation across three
distinct medical domains: dermatology diagnosis, X-ray diagnosis, and analysis
of pathology pictures. The results demonstrated that MedAGI exhibited
remarkable versatility and scalability, delivering exceptional performance
across diverse domains. Our code is publicly available to facilitate further
research at https://github.com/JoshuaChou2018/MedAGI. | cs.AI | Path to Medical AGI: Unify Domain-specific Medical LLMs with the Lowest Cost |
2023-06-19T08:13:50Z | http://arxiv.org/pdf/2306.10763v2 | http://arxiv.org/abs/2306.10763v2 | Lakshya A Agrawal, Aditya Kanade, Navin Goyal, Shuvendu K. Lahiri, Sriram K. Rajamani | 2023-11-03T11:13:15Z | cs.CL, cs.AI, cs.LG, cs.PL, cs.SE, I.2.2; I.2.7; I.2.5 | Language models of code (LMs) work well when the surrounding code provides
sufficient context. This is not true when it becomes necessary to use types,
functionality or APIs defined elsewhere in the repository or a linked library,
especially those not seen during training. LMs suffer from limited awareness of
such global context and end up hallucinating.
Integrated development environments (IDEs) assist developers in understanding
repository context using static analysis. We extend this assistance, enjoyed by
developers, to LMs. We propose monitor-guided decoding (MGD) where a monitor
uses static analysis to guide the decoding. We construct a repository-level
dataset PragmaticCode for method-completion in Java and evaluate MGD on it. On
models of varying parameter scale, by monitoring for type-consistent object
dereferences, MGD consistently improves compilation rates and agreement with
ground truth. Further, LMs with fewer parameters, when augmented with MGD, can
outperform larger LMs. With MGD, SantaCoder-1.1B achieves better compilation
rate and next-identifier match than the much larger text-davinci-003 model.
We also conduct a generalizability study to evaluate the ability of MGD to
generalize to multiple programming languages (Java, C# and Rust), coding
scenarios (e.g., correct number of arguments to method calls), and to enforce
richer semantic constraints (e.g., stateful API protocols). Our data and
implementation are available at https://github.com/microsoft/monitors4codegen . | cs.CL | Guiding Language Models of Code with Global Context using Monitors |
2023-06-19T07:57:13Z | http://arxiv.org/pdf/2306.10755v1 | http://arxiv.org/abs/2306.10755v1 | Lam Thanh Do, Pritom Saha Akash, Kevin Chen-Chuan Chang | 2023-06-19T07:57:13Z | cs.CL | In this work, we study the problem of unsupervised open-domain keyphrase
generation, where the objective is a keyphrase generation model that can be
built without using human-labeled data and can perform consistently across
domains. To solve this problem, we propose a seq2seq model that consists of two
modules, namely \textit{phraseness} and \textit{informativeness} module, both
of which can be built in an unsupervised and open-domain fashion. The
phraseness module generates phrases, while the informativeness module guides
the generation towards those that represent the core concepts of the text. We
thoroughly evaluate our proposed method using eight benchmark datasets from
different domains. Results on in-domain datasets show that our approach
achieves state-of-the-art results compared with existing unsupervised models,
and overall narrows the gap between supervised and unsupervised methods down to
about 16\%. Furthermore, we demonstrate that our model performs consistently
across domains, as it overall surpasses the baselines on out-of-domain
datasets. | cs.CL | Unsupervised Open-domain Keyphrase Generation |
2023-06-19T07:00:14Z | http://arxiv.org/pdf/2306.10727v1 | http://arxiv.org/abs/2306.10727v1 | Tomoki Sugimoto, Yasumasa Onoe, Hitomi Yanaka | 2023-06-19T07:00:14Z | cs.CL | Natural Language Inference (NLI) tasks involving temporal inference remain
challenging for pre-trained language models (LMs). Although various datasets
have been created for this task, they primarily focus on English and do not
address the need for resources in other languages. It is unclear whether
current LMs realize the generalization capacity for temporal inference across
languages. In this paper, we present Jamp, a Japanese NLI benchmark focused on
temporal inference. Our dataset includes a range of temporal inference
patterns, which enables us to conduct fine-grained analysis. To begin the data
annotation process, we create diverse inference templates based on the formal
semantics test suites. We then automatically generate diverse NLI examples by
using the Japanese case frame dictionary and well-designed templates while
controlling the distribution of inference patterns and gold labels. We evaluate
the generalization capacities of monolingual/multilingual LMs by splitting our
dataset based on tense fragments (i.e., temporal inference patterns). Our
findings demonstrate that LMs struggle with specific linguistic phenomena, such
as habituality, indicating that there is potential for the development of more
effective NLI models across languages. | cs.CL | Jamp: Controlled Japanese Temporal Inference Dataset for Evaluating Generalization Capacity of Language Models |
2023-06-19T06:48:45Z | http://arxiv.org/pdf/2306.10723v2 | http://arxiv.org/abs/2306.10723v2 | Teodoro Baldazzi, Luigi Bellomarini, Stefano Ceri, Andrea Colombo, Andrea Gentili, Emanuel Sallinger | 2023-09-18T21:37:37Z | cs.CL, cs.DB, cs.LO | Large Language Models (LLMs) exploit fine-tuning as a technique to adapt to
diverse goals, thanks to task-specific training data. Task specificity should
go hand in hand with domain orientation, that is, the specialization of an LLM
to accurately address the tasks of a given realm of interest. However, models
are usually fine-tuned over publicly available data or, at most, over ground
data from databases, ignoring business-level definitions and domain experience.
On the other hand, Enterprise Knowledge Graphs (EKGs) are able to capture and
augment such domain knowledge via ontological reasoning. With the goal of
combining LLM flexibility with the domain orientation of EKGs, we propose a
novel neurosymbolic architecture that leverages the power of ontological
reasoning to build task- and domain-specific corpora for LLM fine-tuning. | cs.CL | Fine-tuning Large Enterprise Language Models via Ontological Reasoning |
2023-06-19T06:45:04Z | http://arxiv.org/pdf/2307.05493v1 | http://arxiv.org/abs/2307.05493v1 | David James Woo, Kai Guo, Hengky Susanto | 2023-06-19T06:45:04Z | cs.HC, cs.AI, cs.CL | ChatGPT is a state-of-the-art (SOTA) chatbot. Although it has potential to
support English as a foreign language (EFL) students' writing, to effectively
collaborate with it, a student must learn to engineer prompts, that is, the
skill of crafting appropriate instructions so that ChatGPT produces desired
outputs. However, writing an appropriate prompt for ChatGPT is not
straightforward for non-technical users who suffer a trial-and-error process.
This paper examines the content of EFL students' ChatGPT prompts when
completing a writing task and explores patterns in the quality and quantity of
the prompts. The data come from iPad screen recordings of secondary school EFL
students who used ChatGPT and other SOTA chatbots for the first time to
complete the same writing task. The paper presents a case study of four
distinct pathways that illustrate the trial-and-error process and show
different combinations of prompt content and quantity. The cases contribute
evidence for the need to provide prompt engineering education in the context of
the EFL writing classroom, if students are to move beyond an individual
trial-and-error process, learning a greater variety of prompt content and more
sophisticated prompts to support their writing. | cs.HC | Cases of EFL Secondary Students' Prompt Engineering Pathways to Complete a Writing Task with ChatGPT |
2023-06-19T00:49:51Z | http://arxiv.org/pdf/2306.10658v1 | http://arxiv.org/abs/2306.10658v1 | Dongyu Ru, Lin Qiu, Xipeng Qiu, Yue Zhang, Zheng Zhang | 2023-06-19T00:49:51Z | cs.CL | Discourse analysis is an important task because it models intrinsic semantic
structures between sentences in a document. Discourse markers are natural
representations of discourse in our daily language. One challenge is that the
markers as well as pre-defined and human-labeled discourse relations can be
ambiguous when describing the semantics between sentences. We believe that a
better approach is to use a contextual-dependent distribution over the markers
to express discourse information. In this work, we propose to learn a
Distributed Marker Representation (DMR) by utilizing the (potentially)
unlimited discourse marker data with a latent discourse sense, thereby bridging
markers with sentence pairs. Such representations can be learned automatically
from data without supervision, and in turn provide insights into the data
itself. Experiments show the SOTA performance of our DMR on the implicit
discourse relation recognition task and strong interpretability. Our method
also offers a valuable tool to understand complex ambiguity and entanglement
among discourse markers and manually defined discourse relations. | cs.CL | Distributed Marker Representation for Ambiguous Discourse Markers and Entangled Relations |
2023-06-18T20:06:58Z | http://arxiv.org/pdf/2307.00009v2 | http://arxiv.org/abs/2307.00009v2 | Büşra Tabak, Fatma Başak Aydemir | 2023-08-23T12:24:02Z | cs.CL, cs.LG, cs.SE | Software issues contain units of work to fix, improve, or create new threads
during the development and facilitate communication among the team members.
Assigning an issue to the most relevant team member and determining a category
of an issue is a tedious and challenging task. Wrong classifications cause
delays and rework in the project and trouble among the team members. This paper
proposes a set of carefully curated linguistic features for shallow machine
learning methods and compares the performance of shallow and ensemble methods
with deep language models. Unlike the state-of-the-art, we assign issues to
four roles (designer, developer, tester, and leader) rather than to specific
individuals or teams to contribute to the generality of our solution. We also
consider the level of experience of the developers to reflect the industrial
practices in our solution formulation. We collect and annotate five industrial
data sets from one of the top three global television producers to evaluate our
proposal and compare it with deep language models. Our data sets contain 5324
issues in total. We show that an ensemble classifier of shallow techniques
achieves 0.92 for issue assignment in accuracy which is statistically
comparable to the state-of-the-art deep language models. The contributions
include the public sharing of five annotated industrial issue data sets, the
development of a clear and comprehensive feature set, the introduction of a
novel label set, and the validation of the efficacy of an ensemble classifier
of shallow machine learning techniques. | cs.CL | Comparison of Machine Learning Methods for Assigning Software Issues to Team Members |
2023-06-18T13:35:41Z | http://arxiv.org/pdf/2306.10555v1 | http://arxiv.org/abs/2306.10555v1 | David Demeter, Oshin Agarwal, Simon Ben Igeri, Marko Sterbentz, Neil Molino, John M. Conroy, Ani Nenkova | 2023-06-18T13:35:41Z | cs.CL | Academic literature does not give much guidance on how to build the best
possible customer-facing summarization system from existing research
components. Here we present analyses to inform the selection of a system
backbone from popular models; we find that in both automatic and human
evaluation, BART performs better than PEGASUS and T5. We also find that when
applied cross-domain, summarizers exhibit considerably worse performance. At
the same time, a system fine-tuned on heterogeneous domains performs well on
all domains and will be most suitable for a broad-domain summarizer. Our work
highlights the need for heterogeneous domain summarization benchmarks. We find
considerable variation in system output that can be captured only with human
evaluation and are thus unlikely to be reflected in standard leaderboards with
only automatic evaluation. | cs.CL | Summarization from Leaderboards to Practice: Choosing A Representation Backbone and Ensuring Robustness |
2023-06-18T12:47:54Z | http://arxiv.org/pdf/2306.14911v1 | http://arxiv.org/abs/2306.14911v1 | Yann Raphalen, Chloé Clavel, Justine Cassell | 2023-06-18T12:47:54Z | cs.CL, cs.AI | Hedges play an important role in the management of conversational
interaction. In peer tutoring, they are notably used by tutors in dyads (pairs
of interlocutors) experiencing low rapport to tone down the impact of
instructions and negative feedback. Pursuing the objective of building a
tutoring agent that manages rapport with students in order to improve learning,
we used a multimodal peer-tutoring dataset to construct a computational
framework for identifying hedges. We compared approaches relying on pre-trained
resources with others that integrate insights from the social science
literature. Our best performance involved a hybrid approach that outperforms
the existing baseline while being easier to interpret. We employ a model
explainability tool to explore the features that characterize hedges in
peer-tutoring conversations, and we identify some novel features, and the
benefits of such a hybrid model approach. | cs.CL | "You might think about slightly revising the title": identifying hedges in peer-tutoring interactions |
2023-06-18T12:30:50Z | http://arxiv.org/pdf/2306.10543v1 | http://arxiv.org/abs/2306.10543v1 | Kang Zhao, Wei Liu, Jian Luan, Minglei Gao, Li Qian, Hanlin Teng, Bin Wang | 2023-06-18T12:30:50Z | cs.CL | Open-domain long-term memory conversation can establish long-term intimacy
with humans, and the key is the ability to understand and memorize long-term
dialogue history information. Existing works integrate multiple models for
modelling through a pipeline, which ignores the coupling between different
stages. In this paper, we propose a Unified framework for Long-term Memory
Conversations (UniMC), which increases the connection between different stages
by learning relevance representation. Specifically, we decompose the main task
into three subtasks based on probability graphs: 1) conversation summarization,
2) memory retrieval, 3) memory-augmented generation. Each subtask involves
learning a representation for calculating the relevance between the query and
memory, which is modelled by inserting a special token at the beginning of the
decoder input. The relevance representation learning strengthens the connection
across subtasks through parameter sharing and joint training. Extensive
experimental results show that the proposed method consistently improves over
strong baselines and yields better dialogue consistency and engagingness. | cs.CL | UniMC: A Unified Framework for Long-Term Memory Conversation via Relevance Representation Learning |
2023-06-18T12:20:42Z | http://arxiv.org/pdf/2306.17177v1 | http://arxiv.org/abs/2306.17177v1 | Mohammad Belal, James She, Simon Wong | 2023-06-18T12:20:42Z | cs.CL | Sentiment analysis is a well-known natural language processing task that
involves identifying the emotional tone or polarity of a given piece of text.
With the growth of social media and other online platforms, sentiment analysis
has become increasingly crucial for businesses and organizations seeking to
monitor and comprehend customer feedback as well as opinions. Supervised
learning algorithms have been popularly employed for this task, but they
require human-annotated text to create the classifier. To overcome this
challenge, lexicon-based tools have been used. A drawback of lexicon-based
algorithms is their reliance on pre-defined sentiment lexicons, which may not
capture the full range of sentiments in natural language. ChatGPT is a new
product of OpenAI and has emerged as the most popular AI product. It can answer
questions on various topics and tasks. This study explores the use of ChatGPT
as a tool for data labeling for different sentiment analysis tasks. It is
evaluated on two distinct sentiment analysis datasets with varying purposes.
The results demonstrate that ChatGPT outperforms other lexicon-based
unsupervised methods with significant improvements in overall accuracy.
Specifically, compared to the best-performing lexical-based algorithms, ChatGPT
achieves a remarkable increase in accuracy of 20% for the tweets dataset and
approximately 25% for the Amazon reviews dataset. These findings highlight the
exceptional performance of ChatGPT in sentiment analysis tasks, surpassing
existing lexicon-based approaches by a significant margin. The evidence
suggests it can be used for annotation on different sentiment analysis events
and taskss. | cs.CL | Leveraging ChatGPT As Text Annotation Tool For Sentiment Analysis |
2023-06-18T12:12:03Z | http://arxiv.org/pdf/2306.14910v1 | http://arxiv.org/abs/2306.14910v1 | Yang Liu | 2023-06-18T12:12:03Z | cs.CL, cs.AI, cs.CY, cs.LG | The advent of large language models (LLMs) has brought about a revolution in
the development of tailored machine learning models and sparked debates on
redefining data requirements. The automation facilitated by the training and
implementation of LLMs has led to discussions and aspirations that human-level
labeling interventions may no longer hold the same level of importance as in
the era of supervised learning. This paper presents compelling arguments
supporting the ongoing relevance of human-labeled data in the era of LLMs. | cs.CL | The Importance of Human-Labeled Data in the Era of LLMs |
2023-06-18T11:40:47Z | http://arxiv.org/pdf/2306.10530v1 | http://arxiv.org/abs/2306.10530v1 | Praneeth Nemani, Yericherla Deepak Joel, Palla Vijay, Farhana Ferdousi Liza | 2023-06-18T11:40:47Z | cs.CL, cs.AI | Gender bias in artificial intelligence (AI) has emerged as a pressing concern
with profound implications for individuals' lives. This paper presents a
comprehensive survey that explores gender bias in Transformer models from a
linguistic perspective. While the existence of gender bias in language models
has been acknowledged in previous studies, there remains a lack of consensus on
how to effectively measure and evaluate this bias. Our survey critically
examines the existing literature on gender bias in Transformers, shedding light
on the diverse methodologies and metrics employed to assess bias. Several
limitations in current approaches to measuring gender bias in Transformers are
identified, encompassing the utilization of incomplete or flawed metrics,
inadequate dataset sizes, and a dearth of standardization in evaluation
methods. Furthermore, our survey delves into the potential ramifications of
gender bias in Transformers for downstream applications, including dialogue
systems and machine translation. We underscore the importance of fostering
equity and fairness in these systems by emphasizing the need for heightened
awareness and accountability in developing and deploying language technologies.
This paper serves as a comprehensive overview of gender bias in Transformer
models, providing novel insights and offering valuable directions for future
research in this critical domain. | cs.CL | Gender Bias in Transformer Models: A comprehensive survey |
2023-06-18T10:03:11Z | http://arxiv.org/pdf/2306.10514v1 | http://arxiv.org/abs/2306.10514v1 | Tongtao Ling, Lei Chen, Yutao Lai, Hai-Lin Liu | 2023-06-18T10:03:11Z | cs.CL | Recent advances for few-shot text classification aim to wrap textual inputs
with task-specific prompts to cloze questions. By processing them with a masked
language model to predict the masked tokens and using a verbalizer that
constructs the mapping between predicted words and target labels. This approach
of using pre-trained language models is called prompt-based tuning, which could
remarkably outperform conventional fine-tuning approach in the low-data
scenario. As the core of prompt-based tuning, the verbalizer is usually
handcrafted with human efforts or suboptimally searched by gradient descent. In
this paper, we focus on automatically constructing the optimal verbalizer and
propose a novel evolutionary verbalizer search (EVS) algorithm, to improve
prompt-based tuning with the high-performance verbalizer. Specifically,
inspired by evolutionary algorithm (EA), we utilize it to automatically evolve
various verbalizers during the evolutionary procedure and select the best one
after several iterations. Extensive few-shot experiments on five text
classification datasets show the effectiveness of our method. | cs.CL | Evolutionary Verbalizer Search for Prompt-based Few Shot Text Classification |
2023-06-18T09:54:33Z | http://arxiv.org/pdf/2306.10512v2 | http://arxiv.org/abs/2306.10512v2 | Yan Zhuang, Qi Liu, Yuting Ning, Weizhe Huang, Rui Lv, Zhenya Huang, Guanhao Zhao, Zheng Zhang, Qingyang Mao, Shijin Wang, Enhong Chen | 2023-10-28T13:02:24Z | cs.CL | Large language models (LLMs), like ChatGPT, have shown some human-like
cognitive abilities. For comparing these abilities of different models, several
benchmarks (i.e. sets of standard test questions) from different fields (e.g.,
Literature, Biology and Psychology) are often adopted and the test results
under traditional metrics such as accuracy, recall and F1, are reported.
However, such way for evaluating LLMs can be inefficient and inaccurate from
the cognitive science perspective. Inspired by Computerized Adaptive Testing
(CAT) used in psychometrics, we propose an adaptive testing framework for LLM
evaluation. Rather than using a standard test set and simply reporting
accuracy, this approach dynamically adjusts the characteristics of the test
questions, such as difficulty, based on the model's performance. This allows
for a more accurate estimation of the model's abilities, using fewer questions.
More importantly, it allows LLMs to be compared with humans easily, which is
essential for NLP models that aim for human-level ability. Our diagnostic
reports have found that ChatGPT often behaves like a ``careless student'',
prone to slip and occasionally guessing the questions. We conduct a
fine-grained diagnosis and rank the latest 6 instruction-tuned LLMs from three
aspects of Subject Knowledge, Mathematical Reasoning, and Programming, where
GPT4 can outperform other models significantly and reach the cognitive ability
of middle-level students. Different tests for different models using efficient
adaptive testing -- we believe this has the potential to become a new norm in
evaluating large language models. | cs.CL | Efficiently Measuring the Cognitive Ability of LLMs: An Adaptive Testing Perspective |
2023-06-18T07:38:17Z | http://arxiv.org/pdf/2306.10493v1 | http://arxiv.org/abs/2306.10493v1 | Kexin Wang, Yunlong Zhao, Qianqian Dong, Tom Ko, Mingxuan Wang | 2023-06-18T07:38:17Z | cs.SD, cs.CL, eess.AS | As a subjective metric to evaluate the quality of synthesized speech, Mean
opinion score~(MOS) usually requires multiple annotators to score the same
speech. Such an annotation approach requires a lot of manpower and is also
time-consuming. MOS prediction model for automatic evaluation can significantly
reduce labor cost. In previous works, it is difficult to accurately rank the
quality of speech when the MOS scores are close. However, in practical
applications, it is more important to correctly rank the quality of synthesis
systems or sentences than simply predicting MOS scores. Meanwhile, as each
annotator scores multiple audios during annotation, the score is probably a
relative value based on the first or the first few speech scores given by the
annotator. Motivated by the above two points, we propose a general framework
for MOS prediction based on pair comparison (MOSPC), and we utilize C-Mixup
algorithm to enhance the generalization performance of MOSPC. The experiments
on BVCC and VCC2018 show that our framework outperforms the baselines on most
of the correlation coefficient metrics, especially on the metric KTAU related
to quality ranking. And our framework also surpasses the strong baseline in
ranking accuracy on each fine-grained segment. These results indicate that our
framework contributes to improving the ranking accuracy of speech quality. | cs.SD | MOSPC: MOS Prediction Based on Pairwise Comparison |
2023-06-18T04:30:29Z | http://arxiv.org/pdf/2306.17176v1 | http://arxiv.org/abs/2306.17176v1 | Kevin Matthe Caramancion | 2023-06-18T04:30:29Z | cs.CL, cs.AI, cs.HC | This study aimed to evaluate the proficiency of prominent Large Language
Models (LLMs), namely OpenAI's ChatGPT 3.5 and 4.0, Google's Bard(LaMDA), and
Microsoft's Bing AI in discerning the truthfulness of news items using black
box testing. A total of 100 fact-checked news items, all sourced from
independent fact-checking agencies, were presented to each of these LLMs under
controlled conditions. Their responses were classified into one of three
categories: True, False, and Partially True/False. The effectiveness of the
LLMs was gauged based on the accuracy of their classifications against the
verified facts provided by the independent agencies. The results showed a
moderate proficiency across all models, with an average score of 65.25 out of
100. Among the models, OpenAI's GPT-4.0 stood out with a score of 71,
suggesting an edge in newer LLMs' abilities to differentiate fact from
deception. However, when juxtaposed against the performance of human
fact-checkers, the AI models, despite showing promise, lag in comprehending the
subtleties and contexts inherent in news information. The findings highlight
the potential of AI in the domain of fact-checking while underscoring the
continued importance of human cognitive skills and the necessity for persistent
advancements in AI capabilities. Finally, the experimental data produced from
the simulation of this work is openly available on Kaggle. | cs.CL | News Verifiers Showdown: A Comparative Performance Evaluation of ChatGPT 3.5, ChatGPT 4.0, Bing AI, and Bard in News Fact-Checking |
2023-06-18T03:58:41Z | http://arxiv.org/pdf/2306.10469v1 | http://arxiv.org/abs/2306.10469v1 | Farshad Noravesh | 2023-06-18T03:58:41Z | cs.CL | High order dependency parsing leverages high order features such as siblings
or grandchildren to improve state of the art accuracy of current first order
dependency parsers. The present paper uses biaffine scores to provide an
estimate of the arc scores and is then propagated into a graphical model. The
inference inside the graphical model is solved using dual decomposition. The
present algorithm propagates biaffine neural scores to the graphical model and
by leveraging dual decomposition inference, the overall circuit is trained
end-to-end to transfer first order informations to the high order informations. | cs.CL | Transferring Neural Potentials For High Order Dependency Parsing |
2023-06-18T01:38:53Z | http://arxiv.org/pdf/2306.10452v1 | http://arxiv.org/abs/2306.10452v1 | Keerthiram Murugesan, Sarathkrishna Swaminathan, Soham Dan, Subhajit Chaudhury, Chulaka Gunasekara, Maxwell Crouse, Diwakar Mahajan, Ibrahim Abdelaziz, Achille Fokoue, Pavan Kapanipathi, Salim Roukos, Alexander Gray | 2023-06-18T01:38:53Z | cs.CL | With the growing interest in large language models, the need for evaluating
the quality of machine text compared to reference (typically human-generated)
text has become focal attention. Most recent works focus either on
task-specific evaluation metrics or study the properties of machine-generated
text captured by the existing metrics. In this work, we propose a new
evaluation scheme to model human judgments in 7 NLP tasks, based on the
fine-grained mismatches between a pair of texts. Inspired by the recent efforts
in several NLP tasks for fine-grained evaluation, we introduce a set of 13
mismatch error types such as spatial/geographic errors, entity errors, etc, to
guide the model for better prediction of human judgments. We propose a neural
framework for evaluating machine texts that uses these mismatch error types as
auxiliary tasks and re-purposes the existing single-number evaluation metrics
as additional scalar features, in addition to textual features extracted from
the machine and reference texts. Our experiments reveal key insights about the
existing metrics via the mismatch errors. We show that the mismatch errors
between the sentence pairs on the held-out datasets from 7 NLP tasks align well
with the human evaluation. | cs.CL | MISMATCH: Fine-grained Evaluation of Machine-generated Text with Mismatch Error Types |
2023-06-18T00:51:28Z | http://arxiv.org/pdf/2306.10448v1 | http://arxiv.org/abs/2306.10448v1 | Manuela Daniela Danu, George Marica, Sanjeev Kumar Karn, Bogdan Georgescu, Awais Mansoor, Florin Ghesu, Lucian Mihai Itu, Constantin Suciu, Sasa Grbic, Oladimeji Farri, Dorin Comaniciu | 2023-06-18T00:51:28Z | cs.CV, cs.CL | Among all the sub-sections in a typical radiology report, the Clinical
Indications, Findings, and Impression often reflect important details about the
health status of a patient. The information included in Impression is also
often covered in Findings. While Findings and Impression can be deduced by
inspecting the image, Clinical Indications often require additional context.
The cognitive task of interpreting medical images remains the most critical and
often time-consuming step in the radiology workflow. Instead of generating an
end-to-end radiology report, in this paper, we focus on generating the Findings
from automated interpretation of medical images, specifically chest X-rays
(CXRs). Thus, this work focuses on reducing the workload of radiologists who
spend most of their time either writing or narrating the Findings. Unlike past
research, which addresses radiology report generation as a single-step image
captioning task, we have further taken into consideration the complexity of
interpreting CXR images and propose a two-step approach: (a) detecting the
regions with abnormalities in the image, and (b) generating relevant text for
regions with abnormalities by employing a generative large language model
(LLM). This two-step approach introduces a layer of interpretability and aligns
the framework with the systematic reasoning that radiologists use when
reviewing a CXR. | cs.CV | Generation of Radiology Findings in Chest X-Ray by Leveraging Collaborative Knowledge |
2023-06-18T00:16:00Z | http://arxiv.org/pdf/2306.10444v1 | http://arxiv.org/abs/2306.10444v1 | Xin Cong. Bowen Yu, Mengcheng Fang, Tingwen Liu, Haiyang Yu, Zhongkai Hu, Fei Huang, Yongbin Li, Bin Wang | 2023-06-18T00:16:00Z | cs.CL, cs.AI | Universal Information Extraction~(Universal IE) aims to solve different
extraction tasks in a uniform text-to-structure generation manner. Such a
generation procedure tends to struggle when there exist complex information
structures to be extracted. Retrieving knowledge from external knowledge bases
may help models to overcome this problem but it is impossible to construct a
knowledge base suitable for various IE tasks. Inspired by the fact that large
amount of knowledge are stored in the pretrained language models~(PLM) and can
be retrieved explicitly, in this paper, we propose MetaRetriever to retrieve
task-specific knowledge from PLMs to enhance universal IE. As different IE
tasks need different knowledge, we further propose a Meta-Pretraining Algorithm
which allows MetaRetriever to quicktly achieve maximum task-specific retrieval
performance when fine-tuning on downstream IE tasks. Experimental results show
that MetaRetriever achieves the new state-of-the-art on 4 IE tasks, 12 datasets
under fully-supervised, low-resource and few-shot scenarios. | cs.CL | Universal Information Extraction with Meta-Pretrained Self-Retrieval |
2023-06-17T23:35:51Z | http://arxiv.org/pdf/2306.17175v2 | http://arxiv.org/abs/2306.17175v2 | Rakhilya Lee Mekhtieva, Brandon Forbes, Dalal Alrajeh, Brendan Delaney, Alessandra Russo | 2023-10-09T13:23:53Z | cs.CL, cs.AI | Clinical decision-making is a fundamental stage in delivering appropriate
care to patients. In recent years several decision-making systems designed to
aid the clinician in this process have been developed. However, technical
solutions currently in use are based on simple regression models and are only
able to take into account simple pre-defined multiple-choice features, such as
patient age, pre-existing conditions, smoker status, etc. One particular source
of patient data, that available decision-making systems are incapable of
processing is the collection of patient consultation GP notes. These contain
crucial signs and symptoms - the information used by clinicians in order to
make a final decision and direct the patient to the appropriate care.
Extracting information from GP notes is a technically challenging problem, as
they tend to include abbreviations, typos, and incomplete sentences.
This paper addresses this open challenge. We present a framework that
performs knowledge graph construction from raw GP medical notes written during
or after patient consultations. By relying on support phrases mined from the
SNOMED ontology, as well as predefined supported facts from values used in the
RECAP (REmote COVID-19 Assessment in Primary Care) patient risk prediction
tool, our graph generative framework is able to extract structured knowledge
graphs from the highly unstructured and inconsistent format that consultation
notes are written in. Our knowledge graphs include information about existing
patient symptoms, their duration, and their severity.
We apply our framework to consultation notes of COVID-19 patients in the UK
COVID-19 Clinical Assesment Servcie (CCAS) patient dataset. We provide a
quantitative evaluation of the performance of our framework, demonstrating that
our approach has better accuracy than traditional NLP methods when answering
questions about patients. | cs.CL | RECAP-KG: Mining Knowledge Graphs from Raw GP Notes for Remote COVID-19 Assessment in Primary Care |
2023-06-17T20:28:32Z | http://arxiv.org/pdf/2306.10419v1 | http://arxiv.org/abs/2306.10419v1 | Andrei-Marius Avram, Verginica Barbu Mititelu, Vasile Păiş, Dumitru-Clementin Cercel, Ştefan Trăuşan-Matu | 2023-06-17T20:28:32Z | cs.CL | Correctly identifying multiword expressions (MWEs) is an important task for
most natural language processing systems since their misidentification can
result in ambiguity and misunderstanding of the underlying text. In this work,
we evaluate the performance of the mBERT model for MWE identification in a
multilingual context by training it on all 14 languages available in version
1.2 of the PARSEME corpus. We also incorporate lateral inhibition and language
adversarial training into our methodology to create language-independent
embeddings and improve its capabilities in identifying multiword expressions.
The evaluation of our models shows that the approach employed in this work
achieves better results compared to the best system of the PARSEME 1.2
competition, MTLB-STRUCT, on 11 out of 14 languages for global MWE
identification and on 12 out of 14 languages for unseen MWE identification.
Additionally, averaged across all languages, our best approach outperforms the
MTLB-STRUCT system by 1.23% on global MWE identification and by 4.73% on unseen
global MWE identification. | cs.CL | Multilingual Multiword Expression Identification Using Lateral Inhibition and Domain Adaptation |
2023-06-17T19:40:57Z | http://arxiv.org/pdf/2306.10414v1 | http://arxiv.org/abs/2306.10414v1 | Yuxi Feng, Xiaoyuan Yi, Laks V. S. Lakshmanan, Xing Xie | 2023-06-17T19:40:57Z | cs.CL | Self-training (ST) has come to fruition in language understanding tasks by
producing pseudo labels, which reduces the labeling bottleneck of language
model fine-tuning. Nevertheless, in facilitating semi-supervised controllable
language generation, ST faces two key challenges. First, augmented by
self-generated pseudo text, generation models tend to over-exploit the
previously learned text distribution, suffering from mode collapse and poor
generation diversity. Second, generating pseudo text in each iteration is
time-consuming, severely decelerating the training process. In this work, we
propose KEST, a novel and efficient self-training framework to handle these
problems. KEST utilizes a kernel-based loss, rather than standard cross
entropy, to learn from the soft pseudo text produced by a shared
non-autoregressive generator. We demonstrate both theoretically and empirically
that KEST can benefit from more diverse pseudo text in an efficient manner,
which allows not only refining and exploiting the previously fitted
distribution but also enhanced exploration towards a larger potential text
space, providing a guarantee of improved performance. Experiments on three
controllable generation tasks demonstrate that KEST significantly improves
control accuracy while maintaining comparable text fluency and generation
diversity against several strong baselines. | cs.CL | KEST: Kernel Distance Based Efficient Self-Training for Improving Controllable Text Generation |
2023-06-17T13:55:54Z | http://arxiv.org/pdf/2306.10354v1 | http://arxiv.org/abs/2306.10354v1 | Yunlong Tang, Jinrui Zhang, Xiangchen Wang, Teng Wang, Feng Zheng | 2023-06-17T13:55:54Z | cs.CV, cs.CL | Our winning entry for the CVPR 2023 Generic Event Boundary Captioning (GEBC)
competition is detailed in this paper. Unlike conventional video captioning
tasks, GEBC demands that the captioning model possess an understanding of
immediate changes in status around the designated video boundary, making it a
difficult task. This paper proposes an effective model LLMVA-GEBC (Large
Language Model with Video Adapter for Generic Event Boundary Captioning): (1)
We utilize a pretrained LLM for generating human-like captions with high
quality. (2) To adapt the model to the GEBC task, we take the video Q-former as
an adapter and train it with the frozen visual feature extractors and LLM. Our
proposed method achieved a 76.14 score on the test set and won the first place
in the challenge. Our code is available at
https://github.com/zjr2000/LLMVA-GEBC . | cs.CV | LLMVA-GEBC: Large Language Model with Video Adapter for Generic Event Boundary Captioning |
2023-06-17T13:48:30Z | http://arxiv.org/pdf/2306.10348v1 | http://arxiv.org/abs/2306.10348v1 | Panuthep Tasawong, Wuttikorn Ponwitayarat, Peerat Limkonchotiwat, Can Udomcharoenchaikit, Ekapol Chuangsuwanich, Sarana Nutanong | 2023-06-17T13:48:30Z | cs.IR, cs.CL, I.2.7 | Dense retrieval is a basic building block of information retrieval
applications. One of the main challenges of dense retrieval in real-world
settings is the handling of queries containing misspelled words. A popular
approach for handling misspelled queries is minimizing the representations
discrepancy between misspelled queries and their pristine ones. Unlike the
existing approaches, which only focus on the alignment between misspelled and
pristine queries, our method also improves the contrast between each misspelled
query and its surrounding queries. To assess the effectiveness of our proposed
method, we compare it against the existing competitors using two benchmark
datasets and two base encoders. Our method outperforms the competitors in all
cases with misspelled queries. Our code and models are available at
https://github. com/panuthept/DST-DenseRetrieval. | cs.IR | Typo-Robust Representation Learning for Dense Retrieval |
2023-06-17T13:00:54Z | http://arxiv.org/pdf/2306.17174v1 | http://arxiv.org/abs/2306.17174v1 | Zhi-Xuan Tai, Po-Chuan Chen | 2023-06-17T13:00:54Z | cs.CL, cs.AI | Our research introduces an innovative Natural Language Generation (NLG)
approach that aims to optimize user experience and alleviate the workload of
human customer support agents. Our primary objective is to generate informal
summaries for online articles and posts using an offline reinforcement learning
technique. In our study, we compare our proposed method with existing
approaches to text generation and provide a comprehensive overview of our
architectural design, which incorporates crawling, reinforcement learning, and
text generation modules. By presenting this original approach, our paper makes
a valuable contribution to the field of NLG by offering a fresh perspective on
generating natural language summaries for online content. Through the
implementation of Empowering NLG, we are able to generate higher-quality
replies in the online domain. The experimental results demonstrate a
significant improvement in the average "like" score, increasing from 0.09954378
to 0.5000152. This advancement has the potential to enhance the efficiency and
effectiveness of customer support services and elevate the overall user
experience when consuming online content. | cs.CL | Empowering NLG: Offline Reinforcement Learning for Informal Summarization in Online Domains |
2023-06-17T12:50:09Z | http://arxiv.org/pdf/2306.10339v1 | http://arxiv.org/abs/2306.10339v1 | Saeideh Niksirat Aghdam, Sayyed Ali Hossayni, Erfan Khedersolh Sadeh, Nasim Khozouei, Behrouz Minaei Bidgoli | 2023-06-17T12:50:09Z | cs.CL | Semantic role labeling (SRL) is the process of detecting the
predicate-argument structure of each predicate in a sentence. SRL plays a
crucial role as a pre-processing step in many NLP applications such as topic
and concept extraction, question answering, summarization, machine translation,
sentiment analysis, and text mining. Recently, in many languages, unified SRL
dragged lots of attention due to its outstanding performance, which is the
result of overcoming the error propagation problem. However, regarding the
Persian language, all previous works have focused on traditional methods of SRL
leading to a drop in accuracy and imposing expensive feature extraction steps
in terms of financial resources, time and energy consumption. In this work, we
present an end-to-end SRL method that not only eliminates the need for feature
extraction but also outperforms existing methods in facing new samples in
practical situations. The proposed method does not employ any auxiliary
features and shows more than 16 (83.16) percent improvement in accuracy against
previous methods in similar circumstances. | cs.CL | Persian Semantic Role Labeling Using Transfer Learning and BERT-Based Models |
2023-06-17T11:44:04Z | http://arxiv.org/pdf/2306.10322v3 | http://arxiv.org/abs/2306.10322v3 | Xiwen Liang, Liang Ma, Shanshan Guo, Jianhua Han, Hang Xu, Shikui Ma, Xiaodan Liang | 2024-03-14T14:33:51Z | cs.CV, cs.AI, cs.CL | Understanding and following natural language instructions while navigating
through complex, real-world environments poses a significant challenge for
general-purpose robots. These environments often include obstacles and
pedestrians, making it essential for autonomous agents to possess the
capability of self-corrected planning to adjust their actions based on feedback
from the surroundings. However, the majority of existing vision-and-language
navigation (VLN) methods primarily operate in less realistic simulator settings
and do not incorporate environmental feedback into their decision-making
processes. To address this gap, we introduce a novel zero-shot framework called
CorNav, utilizing a large language model for decision-making and comprising two
key components: 1) incorporating environmental feedback for refining future
plans and adjusting its actions, and 2) multiple domain experts for parsing
instructions, scene understanding, and refining predicted actions. In addition
to the framework, we develop a 3D simulator that renders realistic scenarios
using Unreal Engine 5. To evaluate the effectiveness and generalization of
navigation agents in a zero-shot multi-task setting, we create a benchmark
called NavBench. Extensive experiments demonstrate that CorNav consistently
outperforms all baselines by a significant margin across all tasks. On average,
CorNav achieves a success rate of 28.1\%, surpassing the best baseline's
performance of 20.5\%. | cs.CV | CorNav: Autonomous Agent with Self-Corrected Planning for Zero-Shot Vision-and-Language Navigation |
2023-06-17T10:50:19Z | http://arxiv.org/pdf/2306.10317v1 | http://arxiv.org/abs/2306.10317v1 | Weihao Zeng, Lulu Zhao, Keqing He, Ruotong Geng, Jingang Wang, Wei Wu, Weiran Xu | 2023-06-17T10:50:19Z | cs.CL | Existing controllable dialogue generation work focuses on the
single-attribute control and lacks generalization capability to
out-of-distribution multiple attribute combinations. In this paper, we explore
the compositional generalization for multi-attribute controllable dialogue
generation where a model can learn from seen attribute values and generalize to
unseen combinations. We propose a prompt-based disentangled controllable
dialogue generation model, DCG. It learns attribute concept composition by
generating attribute-oriented prompt vectors and uses a disentanglement loss to
disentangle different attributes for better generalization. Besides, we design
a unified reference-free evaluation framework for multiple attributes with
different levels of granularities. Experiment results on two benchmarks prove
the effectiveness of our method and the evaluation metric. | cs.CL | Seen to Unseen: Exploring Compositional Generalization of Multi-Attribute Controllable Dialogue Generation |
2023-06-17T10:40:07Z | http://arxiv.org/pdf/2306.10315v1 | http://arxiv.org/abs/2306.10315v1 | Weihao Zeng, Keqing He, Yejie Wang, Chen Zeng, Jingang Wang, Yunsen Xian, Weiran Xu | 2023-06-17T10:40:07Z | cs.CL | Pre-trained language models based on general text enable huge success in the
NLP scenario. But the intrinsical difference of linguistic patterns between
general text and task-oriented dialogues makes existing pre-trained language
models less useful in practice. Current dialogue pre-training methods rely on a
contrastive framework and face the challenges of both selecting true positives
and hard negatives. In this paper, we propose a novel dialogue pre-training
model, FutureTOD, which distills future knowledge to the representation of the
previous dialogue context using a self-training framework. Our intuition is
that a good dialogue representation both learns local context information and
predicts future information. Extensive experiments on diverse downstream
dialogue tasks demonstrate the effectiveness of our model, especially the
generalization, robustness, and learning discriminative dialogue
representations capabilities. | cs.CL | FutureTOD: Teaching Future Knowledge to Pre-trained Language Model for Task-Oriented Dialogue |
2023-06-17T06:31:36Z | http://arxiv.org/pdf/2306.10270v1 | http://arxiv.org/abs/2306.10270v1 | Matilde Marcolli, Robert C. Berwick, Noam Chomsky | 2023-06-17T06:31:36Z | cs.CL, math.QA, math.RA, 68Q70, 16T05 | In this paper we compare some old formulations of Minimalism, in particular
Stabler's computational minimalism, and Chomsky's new formulation of Merge and
Minimalism, from the point of view of their mathematical description in terms
of Hopf algebras. We show that the newer formulation has a clear advantage
purely in terms of the underlying mathematical structure. More precisely, in
the case of Stabler's computational minimalism, External Merge can be described
in terms of a partially defined operated algebra with binary operation, while
Internal Merge determines a system of right-ideal coideals of the Loday-Ronco
Hopf algebra and corresponding right-module coalgebra quotients. This
mathematical structure shows that Internal and External Merge have
significantly different roles in the old formulations of Minimalism, and they
are more difficult to reconcile as facets of a single algebraic operation, as
desirable linguistically. On the other hand, we show that the newer formulation
of Minimalism naturally carries a Hopf algebra structure where Internal and
External Merge directly arise from the same operation. We also compare, at the
level of algebraic properties, the externalization model of the new Minimalism
with proposals for assignments of planar embeddings based on heads of trees. | cs.CL | Old and New Minimalism: a Hopf algebra comparison |
2023-06-17T03:45:00Z | http://arxiv.org/pdf/2306.10249v2 | http://arxiv.org/abs/2306.10249v2 | Lina Bariah, Qiyang Zhao, Hang Zou, Yu Tian, Faouzi Bader, Merouane Debbah | 2023-12-23T15:46:59Z | cs.CL, cs.AI | The evolution of generative artificial intelligence (GenAI) constitutes a
turning point in reshaping the future of technology in different aspects.
Wireless networks in particular, with the blooming of self-evolving networks,
represent a rich field for exploiting GenAI and reaping several benefits that
can fundamentally change the way how wireless networks are designed and
operated nowadays. To be specific, large GenAI models are envisioned to open up
a new era of autonomous wireless networks, in which multi-modal GenAI models
trained over various Telecom data, can be fine-tuned to perform several
downstream tasks, eliminating the need for building and training dedicated AI
models for each specific task and paving the way for the realization of
artificial general intelligence (AGI)-empowered wireless networks. In this
article, we aim to unfold the opportunities that can be reaped from integrating
large GenAI models into the Telecom domain. In particular, we first highlight
the applications of large GenAI models in future wireless networks, defining
potential use-cases and revealing insights on the associated theoretical and
practical challenges. Furthermore, we unveil how 6G can open up new
opportunities through connecting multiple on-device large GenAI models, and
hence, paves the way to the collective intelligence paradigm. Finally, we put a
forward-looking vision on how large GenAI models will be the key to realize
self-evolving networks. | cs.CL | Large Generative AI Models for Telecom: The Next Big Thing? |
2023-06-17T02:51:33Z | http://arxiv.org/pdf/2306.10241v1 | http://arxiv.org/abs/2306.10241v1 | Jiaan Wang, Jianfeng Qu, Yunlong Liang, Zhixu Li, An Liu, Guanfeng Liu, Xin Zheng | 2023-06-17T02:51:33Z | cs.CL, cs.AI | Constructing commonsense knowledge graphs (CKGs) has attracted wide research
attention due to its significant importance in cognitive intelligence.
Nevertheless, existing CKGs are typically oriented to English, limiting the
research in non-English languages. Meanwhile, the emergence of foundation
models like ChatGPT and GPT-4 has shown promising intelligence with the help of
reinforcement learning from human feedback. Under the background, in this
paper, we utilize foundation models to construct a Chinese CKG, named Snowman.
Specifically, we distill different types of commonsense head items from
ChatGPT, and continue to use it to collect tail items with respect to the head
items and pre-defined relations. Based on the preliminary analysis, we find the
negative commonsense knowledge distilled by ChatGPT achieves lower human
acceptance compared to other knowledge. Therefore, we design a simple yet
effective self-instruct filtering strategy to filter out invalid negative
commonsense. Overall, the constructed Snowman covers more than ten million
Chinese commonsense triples, making it the largest Chinese CKG. Moreover, human
studies show the acceptance of Snowman achieves 90.6\%, indicating the
high-quality triples distilled by the cutting-edge foundation model. We also
conduct experiments on commonsense knowledge models to show the usability and
effectiveness of our Snowman. | cs.CL | Snowman: A Million-scale Chinese Commonsense Knowledge Graph Distilled from Foundation Model |
2023-06-17T01:54:25Z | http://arxiv.org/pdf/2306.10231v1 | http://arxiv.org/abs/2306.10231v1 | Michiel de Jong, Yury Zemlyanskiy, Nicholas FitzGerald, Sumit Sanghai, William W. Cohen, Joshua Ainslie | 2023-06-17T01:54:25Z | cs.CL, cs.AI, cs.LG | Memory-augmentation is a powerful approach for efficiently incorporating
external information into language models, but leads to reduced performance
relative to retrieving text. Recent work introduced LUMEN, a memory-retrieval
hybrid that partially pre-computes memory and updates memory representations on
the fly with a smaller live encoder.
We propose GLIMMER, which improves on this approach through 1) exploiting
free access to the powerful memory representations by applying a shallow
reranker on top of memory to drastically improve retrieval quality at low cost,
and 2) incorporating multi-task training to learn a general and higher quality
memory and live encoder. GLIMMER achieves strong gains in performance at faster
speeds compared to LUMEN and FiD on the KILT benchmark of knowledge-intensive
tasks. | cs.CL | GLIMMER: generalized late-interaction memory reranker |
2023-06-16T23:11:06Z | http://arxiv.org/pdf/2307.05492v1 | http://arxiv.org/abs/2307.05492v1 | Zachary Robertson | 2023-06-16T23:11:06Z | cs.HC, cs.AI, cs.CL | In this pilot study, we investigate the use of GPT4 to assist in the
peer-review process. Our key hypothesis was that GPT-generated reviews could
achieve comparable helpfulness to human reviewers. By comparing reviews
generated by both human reviewers and GPT models for academic papers submitted
to a major machine learning conference, we provide initial evidence that
artificial intelligence can contribute effectively to the peer-review process.
We also perform robustness experiments with inserted errors to understand which
parts of the paper the model tends to focus on. Our findings open new avenues
for leveraging machine learning tools to address resource constraints in peer
review. The results also shed light on potential enhancements to the review
process and lay the groundwork for further research on scaling oversight in a
domain where human-feedback is increasingly a scarce resource. | cs.HC | GPT4 is Slightly Helpful for Peer-Review Assistance: A Pilot Study |
2023-06-16T22:04:50Z | http://arxiv.org/pdf/2306.10196v1 | http://arxiv.org/abs/2306.10196v1 | Tristan Vanderbruggen, Chunhua Liao, Peter Pirkelbauer, Pei-Hung Lin | 2023-06-16T22:04:50Z | cs.CL, cs.AI, cs.FL, cs.LG | In recent months, Language Models (LMs) have become a part of daily
discourse, with focus on OpenAI and the potential of Artificial General
Intelligence (AGI). Furthermore, the leaking of LLama's weights to the public
has led to an influx of innovations demonstrating the impressive capabilities
of generative LMs. While we believe that AGI is still a distant goal, we
recognize the potential of LMs in solving tasks such as searching complex
documents, compiling reports with basic analysis, and providing assistance in
problem-solving. In this paper, we propose formalizing the execution model of
language models. We investigate current execution models, to find that this
formalism has received little attention, and present our contribution: the
first formalized execution model for LMs. We introduce a new algorithm for
sampling the predictions of LMs, which we use to build a reliable and
inspectable execution model. We introduce a low-level language to write
"cognitive program" for this execution model. We hope to shed light on the need
for execution models for LMs and encourage further research in this area. | cs.CL | Structured Thoughts Automaton: First Formalized Execution Model for Auto-Regressive Language Models |
2023-06-16T21:55:08Z | http://arxiv.org/pdf/2306.10193v2 | http://arxiv.org/abs/2306.10193v2 | Victor Quach, Adam Fisch, Tal Schuster, Adam Yala, Jae Ho Sohn, Tommi S. Jaakkola, Regina Barzilay | 2024-06-01T21:40:33Z | cs.CL, cs.LG | We propose a novel approach to conformal prediction for generative language
models (LMs). Standard conformal prediction produces prediction sets -- in
place of single predictions -- that have rigorous, statistical performance
guarantees. LM responses are typically sampled from the model's predicted
distribution over the large, combinatorial output space of natural language.
Translating this process to conformal prediction, we calibrate a stopping rule
for sampling different outputs from the LM that get added to a growing set of
candidates until we are confident that the output set is sufficient. Since some
samples may be low-quality, we also simultaneously calibrate and apply a
rejection rule for removing candidates from the output set to reduce noise.
Similar to conformal prediction, we prove that the sampled set returned by our
procedure contains at least one acceptable answer with high probability, while
still being empirically precise (i.e., small) on average. Furthermore, within
this set of candidate responses, we show that we can also accurately identify
subsets of individual components -- such as phrases or sentences -- that are
each independently correct (e.g., that are not "hallucinations"), again with
statistical guarantees. We demonstrate the promise of our approach on multiple
tasks in open-domain question answering, text summarization, and radiology
report generation using different LM variants. | cs.CL | Conformal Language Modeling |
2023-06-16T20:12:11Z | http://arxiv.org/pdf/2306.10169v1 | http://arxiv.org/abs/2306.10169v1 | Chun-Hsiao Yeh, Bryan Russell, Josef Sivic, Fabian Caba Heilbron, Simon Jenni | 2023-06-16T20:12:11Z | cs.CV, cs.CL, cs.LG | Large-scale vision-language models (VLM) have shown impressive results for
language-guided search applications. While these models allow category-level
queries, they currently struggle with personalized searches for moments in a
video where a specific object instance such as ``My dog Biscuit'' appears. We
present the following three contributions to address this problem. First, we
describe a method to meta-personalize a pre-trained VLM, i.e., learning how to
learn to personalize a VLM at test time to search in video. Our method extends
the VLM's token vocabulary by learning novel word embeddings specific to each
instance. To capture only instance-specific features, we represent each
instance embedding as a combination of shared and learned global category
features. Second, we propose to learn such personalization without explicit
human supervision. Our approach automatically identifies moments of named
visual instances in video using transcripts and vision-language similarity in
the VLM's embedding space. Finally, we introduce This-Is-My, a personal video
instance retrieval benchmark. We evaluate our approach on This-Is-My and
DeepFashion2 and show that we obtain a 15% relative improvement over the state
of the art on the latter dataset. | cs.CV | Meta-Personalizing Vision-Language Models to Find Named Instances in Video |
2023-06-16T20:07:38Z | http://arxiv.org/pdf/2306.10165v1 | http://arxiv.org/abs/2306.10165v1 | Stephanie Schoch, Ritwick Mishra, Yangfeng Ji | 2023-06-16T20:07:38Z | cs.CL | Although Shapley values have been shown to be highly effective for
identifying harmful training instances, dataset size and model complexity
constraints limit the ability to apply Shapley-based data valuation to
fine-tuning large pre-trained language models. To address this, we propose
TS-DShapley, an algorithm that reduces computational cost of Shapley-based data
valuation through: 1) an efficient sampling-based method that aggregates
Shapley values computed from subsets for valuation of the entire training set,
and 2) a value transfer method that leverages value information extracted from
a simple classifier trained using representations from the target language
model. Our experiments applying TS-DShapley to select data for fine-tuning
BERT-based language models on benchmark natural language understanding (NLU)
datasets show that TS-DShapley outperforms existing data selection methods.
Further, TS-DShapley can filter fine-tuning data to increase language model
performance compared to training with the full fine-tuning dataset. | cs.CL | Data Selection for Fine-tuning Large Language Models Using Transferred Shapley Values |
2023-06-16T19:45:42Z | http://arxiv.org/pdf/2306.10153v1 | http://arxiv.org/abs/2306.10153v1 | Komal K. Teru | 2023-06-16T19:45:42Z | cs.CL, cs.IR | Due to the semantic complexity of the Relation extraction (RE) task,
obtaining high-quality human labelled data is an expensive and noisy process.
To improve the sample efficiency of the models, semi-supervised learning (SSL)
methods aim to leverage unlabelled data in addition to learning from limited
labelled data points. Recently, strong data augmentation combined with
consistency-based semi-supervised learning methods have advanced the state of
the art in several SSL tasks. However, adapting these methods to the RE task
has been challenging due to the difficulty of data augmentation for RE. In this
work, we leverage the recent advances in controlled text generation to perform
high quality data augmentation for the RE task. We further introduce small but
significant changes to model architecture that allows for generation of more
training data by interpolating different data points in their latent space.
These data augmentations along with consistency training result in very
competitive results for semi-supervised relation extraction on four benchmark
datasets. | cs.CL | Semi-supervised Relation Extraction via Data Augmentation and Consistency-training |
2023-06-16T17:59:51Z | http://arxiv.org/pdf/2306.10015v1 | http://arxiv.org/abs/2306.10015v1 | Eric Zelikman, Qian Huang, Percy Liang, Nick Haber, Noah D. Goodman | 2023-06-16T17:59:51Z | cs.LG, cs.CL, cs.DC | Language model training in distributed settings is limited by the
communication cost of gradient exchanges. In this short note, we extend recent
work from Malladi et al. (2023), using shared randomness to perform distributed
fine-tuning with low bandwidth. The method is a natural decentralized extension
of memory-efficient Simultaneous Perturbation Stochastic Approximation (SPSA).
Each iteration, each machine seeds a Random Number Generator (RNG) to perform
local reproducible perturbations on model weights and calculate and exchange
scalar projected gradients, which are then used to update each model. By using
a (machine, sample) identifier as the random seed, each model can regenerate
one another's perturbations. As machines only exchange single-byte projected
gradients, this is highly communication efficient. There are also potential
privacy benefits, as projected gradients may be calculated on different
training data, and models never access the other's data. Our approach not only
drastically reduces communication bandwidth requirements but also accommodates
dynamic addition or removal of machines during the training process and retains
the memory-efficient and inference-only advantages of recent work. We perform
proof-of-concept experiments to demonstrate the potential usefulness of this
method, building off of rich literature on distributed optimization and
memory-efficient training. | cs.LG | Just One Byte (per gradient): A Note on Low-Bandwidth Decentralized Language Model Finetuning Using Shared Randomness |
2023-06-16T17:58:58Z | http://arxiv.org/pdf/2306.10012v3 | http://arxiv.org/abs/2306.10012v3 | Kai Zhang, Lingbo Mo, Wenhu Chen, Huan Sun, Yu Su | 2024-05-15T18:20:28Z | cs.CV, cs.AI, cs.CL | Text-guided image editing is widely needed in daily life, ranging from
personal use to professional applications such as Photoshop. However, existing
methods are either zero-shot or trained on an automatically synthesized
dataset, which contains a high volume of noise. Thus, they still require lots
of manual tuning to produce desirable outcomes in practice. To address this
issue, we introduce MagicBrush (https://osu-nlp-group.github.io/MagicBrush/),
the first large-scale, manually annotated dataset for instruction-guided real
image editing that covers diverse scenarios: single-turn, multi-turn,
mask-provided, and mask-free editing. MagicBrush comprises over 10K manually
annotated triplets (source image, instruction, target image), which supports
trainining large-scale text-guided image editing models. We fine-tune
InstructPix2Pix on MagicBrush and show that the new model can produce much
better images according to human evaluation. We further conduct extensive
experiments to evaluate current image editing baselines from multiple
dimensions including quantitative, qualitative, and human evaluations. The
results reveal the challenging nature of our dataset and the gap between
current baselines and real-world editing needs. | cs.CV | MagicBrush: A Manually Annotated Dataset for Instruction-Guided Image Editing |
2023-06-16T17:49:34Z | http://arxiv.org/pdf/2306.10098v1 | http://arxiv.org/abs/2306.10098v1 | Masaru Isonuma, Junichiro Mori, Ichiro Sakata | 2023-06-16T17:49:34Z | cs.CL, cs.AI, cs.LG | Instruction tuning has been attracting much attention to achieve
generalization ability across a wide variety of tasks. Although various types
of instructions have been manually created for instruction tuning, it is still
unclear what kind of instruction is optimal to obtain cross-task generalization
ability. This work presents instruction optimization, which optimizes training
instructions with respect to generalization ability. Rather than manually
tuning instructions, we introduce learnable instructions and optimize them with
gradient descent by leveraging bilevel optimization. Experimental results show
that the learned instruction enhances the diversity of instructions and
improves the generalization ability compared to using only manually created
instructions. | cs.CL | Differentiable Instruction Optimization for Cross-Task Generalization |
2023-06-16T17:47:57Z | http://arxiv.org/pdf/2306.09996v2 | http://arxiv.org/abs/2306.09996v2 | Rabiul Awal, Le Zhang, Aishwarya Agrawal | 2024-01-09T21:51:04Z | cs.CV, cs.CL | In this paper, we explore effective prompting techniques to enhance zero- and
few-shot Visual Question Answering (VQA) performance in contemporary
Vision-Language Models (VLMs). Central to our investigation is the role of
question templates in guiding VLMs to generate accurate answers. We identify
that specific templates significantly influence VQA outcomes, underscoring the
need for strategic template selection. Another pivotal aspect of our study is
augmenting VLMs with image captions, providing them with additional visual cues
alongside direct image features in VQA tasks. Surprisingly, this augmentation
significantly improves the VLMs' performance in many cases, even though VLMs
"see" the image directly! We explore chain-of-thought (CoT) reasoning and find
that while standard CoT reasoning causes drops in performance, advanced methods
like self-consistency can help recover it. Furthermore, we find that text-only
few-shot examples enhance VLMs' alignment with the task format, particularly
benefiting models prone to verbose zero-shot answers. Lastly, to mitigate the
challenges associated with evaluating free-form open-ended VQA responses using
string-matching based VQA metrics, we introduce a straightforward LLM-guided
pre-processing technique to adapt the model responses to the expected
ground-truth answer distribution. In summary, our research sheds light on the
intricacies of prompting strategies in VLMs for VQA, emphasizing the
synergistic use of captions, templates, and pre-processing to enhance model
efficacy. | cs.CV | Investigating Prompting Techniques for Zero- and Few-Shot Visual Question Answering |
2023-06-16T17:43:00Z | http://arxiv.org/pdf/2306.09992v1 | http://arxiv.org/abs/2306.09992v1 | Alyssa Hwang, Natasha Oza, Chris Callison-Burch, Andrew Head | 2023-06-16T17:43:00Z | cs.HC, cs.CL | Voice assistants have sharply risen in popularity in recent years, but their
use has been limited mostly to simple applications like music, hands-free
search, or control of internet-of-things devices. What would it take for voice
assistants to guide people through more complex tasks? In our work, we study
the limitations of the dominant approach voice assistants take to complex task
guidance: reading aloud written instructions. Using recipes as an example, we
observe twelve participants cook at home with a state-of-the-art voice
assistant. We learn that the current approach leads to nine challenges,
including obscuring the bigger picture, overwhelming users with too much
information, and failing to communicate affordances. Instructions delivered by
a voice assistant are especially difficult because they cannot be skimmed as
easily as written instructions. Alexa in particular did not surface crucial
details to the user or answer questions well. We draw on our observations to
propose eight ways in which voice assistants can ``rewrite the script'' --
summarizing, signposting, splitting, elaborating, volunteering, reordering,
redistributing, and visualizing -- to transform written sources into forms that
are readily communicated through spoken conversation. We conclude with a vision
of how modern advancements in natural language processing can be leveraged for
intelligent agents to guide users effectively through complex tasks. | cs.HC | Rewriting the Script: Adapting Text Instructions for Voice Interaction |
2023-06-16T17:17:06Z | http://arxiv.org/pdf/2306.10097v1 | http://arxiv.org/abs/2306.10097v1 | Frederico S. Oliveira, Edresson Casanova, Arnaldo Cândido Júnior, Anderson S. Soares, Arlindo R. Galvão Filho | 2023-06-16T17:17:06Z | eess.AS, cs.AI, cs.CL | In this paper, we present CML-TTS, a recursive acronym for
CML-Multi-Lingual-TTS, a new Text-to-Speech (TTS) dataset developed at the
Center of Excellence in Artificial Intelligence (CEIA) of the Federal
University of Goias (UFG). CML-TTS is based on Multilingual LibriSpeech (MLS)
and adapted for training TTS models, consisting of audiobooks in seven
languages: Dutch, French, German, Italian, Portuguese, Polish, and Spanish.
Additionally, we provide the YourTTS model, a multi-lingual TTS model, trained
using 3,176.13 hours from CML-TTS and also with 245.07 hours from LibriTTS, in
English. Our purpose in creating this dataset is to open up new research
possibilities in the TTS area for multi-lingual models. The dataset is publicly
available under the CC-BY 4.0 license1. | eess.AS | CML-TTS A Multilingual Dataset for Speech Synthesis in Low-Resource Languages |
2023-06-16T16:56:32Z | http://arxiv.org/pdf/2306.09968v1 | http://arxiv.org/abs/2306.09968v1 | Guangyu Wang, Guoxing Yang, Zongxin Du, Longjun Fan, Xiaohu Li | 2023-06-16T16:56:32Z | cs.CL | Large language models have exhibited exceptional performance on various
Natural Language Processing (NLP) tasks, leveraging techniques such as the
pre-training, and instruction fine-tuning. Despite these advances, their
effectiveness in medical applications is limited, due to challenges such as
factual inaccuracies, reasoning abilities, and lack grounding in real-world
experience. In this study, we present ClinicalGPT, a language model explicitly
designed and optimized for clinical scenarios. By incorporating extensive and
diverse real-world data, such as medical records, domain-specific knowledge,
and multi-round dialogue consultations in the training process, ClinicalGPT is
better prepared to handle multiple clinical task. Furthermore, we introduce a
comprehensive evaluation framework that includes medical knowledge
question-answering, medical exams, patient consultations, and diagnostic
analysis of medical records. Our results demonstrate that ClinicalGPT
significantly outperforms other models in these tasks, highlighting the
effectiveness of our approach in adapting large language models to the critical
domain of healthcare. | cs.CL | ClinicalGPT: Large Language Models Finetuned with Diverse Medical Data and Comprehensive Evaluation |
2023-06-16T16:48:27Z | http://arxiv.org/pdf/2307.00008v1 | http://arxiv.org/abs/2307.00008v1 | Ed S. Ma | 2023-06-16T16:48:27Z | cs.CL, cs.AI | The current era of natural language processing (NLP) has been defined by the
prominence of pre-trained language models since the advent of BERT. A feature
of BERT and models with similar architecture is the objective of masked
language modeling, in which part of the input is intentionally masked and the
model is trained to predict this piece of masked information. Data augmentation
is a data-driven technique widely used in machine learning, including research
areas like computer vision and natural language processing, to improve model
performance by artificially augmenting the training data set by designated
techniques. Masked language models (MLM), an essential training feature of
BERT, have introduced a novel approach to perform effective pre-training on
Transformer based models in natural language processing tasks. Recent studies
have utilized masked language model to generate artificially augmented data for
NLP downstream tasks. The experimental results show that Mask based data
augmentation method provides a simple but efficient approach to improve the
model performance. In this paper, we explore and discuss the broader
utilization of these data augmentation methods based on MLM. | cs.CL | Investigating Masking-based Data Generation in Language Models |
2023-06-16T16:35:59Z | http://arxiv.org/pdf/2306.10095v1 | http://arxiv.org/abs/2306.10095v1 | Haixing Dai, Yiwei Li, Zhengliang Liu, Lin Zhao, Zihao Wu, Suhang Song, Ye Shen, Dajiang Zhu, Xiang Li, Sheng Li, Xiaobai Yao, Lu Shi, Quanzheng Li, Zhuo Chen, Donglan Zhang, Gengchen Mai, Tianming Liu | 2023-06-16T16:35:59Z | cs.CL, cs.AI, cs.IR, 68T01, 68T50, 92C50, I.2.7; I.2.1; J.3 | In this pioneering study, inspired by AutoGPT, the state-of-the-art
open-source application based on the GPT-4 large language model, we develop a
novel tool called AD-AutoGPT which can conduct data collection, processing, and
analysis about complex health narratives of Alzheimer's Disease in an
autonomous manner via users' textual prompts. We collated comprehensive data
from a variety of news sources, including the Alzheimer's Association, BBC,
Mayo Clinic, and the National Institute on Aging since June 2022, leading to
the autonomous execution of robust trend analyses, intertopic distance maps
visualization, and identification of salient terms pertinent to Alzheimer's
Disease. This approach has yielded not only a quantifiable metric of relevant
discourse but also valuable insights into public focus on Alzheimer's Disease.
This application of AD-AutoGPT in public health signifies the transformative
potential of AI in facilitating a data-rich understanding of complex health
narratives like Alzheimer's Disease in an autonomous manner, setting the
groundwork for future AI-driven investigations in global health landscapes. | cs.CL | AD-AutoGPT: An Autonomous GPT for Alzheimer's Disease Infodemiology |
2023-06-16T15:50:03Z | http://arxiv.org/pdf/2306.09927v3 | http://arxiv.org/abs/2306.09927v3 | Ruiqi Zhang, Spencer Frei, Peter L. Bartlett | 2023-10-19T20:31:32Z | stat.ML, cs.AI, cs.CL, cs.LG | Attention-based neural networks such as transformers have demonstrated a
remarkable ability to exhibit in-context learning (ICL): Given a short prompt
sequence of tokens from an unseen task, they can formulate relevant per-token
and next-token predictions without any parameter updates. By embedding a
sequence of labeled training data and unlabeled test data as a prompt, this
allows for transformers to behave like supervised learning algorithms. Indeed,
recent work has shown that when training transformer architectures over random
instances of linear regression problems, these models' predictions mimic those
of ordinary least squares.
Towards understanding the mechanisms underlying this phenomenon, we
investigate the dynamics of ICL in transformers with a single linear
self-attention layer trained by gradient flow on linear regression tasks. We
show that despite non-convexity, gradient flow with a suitable random
initialization finds a global minimum of the objective function. At this global
minimum, when given a test prompt of labeled examples from a new prediction
task, the transformer achieves prediction error competitive with the best
linear predictor over the test prompt distribution. We additionally
characterize the robustness of the trained transformer to a variety of
distribution shifts and show that although a number of shifts are tolerated,
shifts in the covariate distribution of the prompts are not. Motivated by this,
we consider a generalized ICL setting where the covariate distributions can
vary across prompts. We show that although gradient flow succeeds at finding a
global minimum in this setting, the trained transformer is still brittle under
mild covariate shifts. We complement this finding with experiments on large,
nonlinear transformer architectures which we show are more robust under
covariate shifts. | stat.ML | Trained Transformers Learn Linear Models In-Context |
2023-06-16T15:47:24Z | http://arxiv.org/pdf/2306.09922v1 | http://arxiv.org/abs/2306.09922v1 | Chad DeChant, Iretiayo Akinola, Daniel Bauer | 2023-06-16T15:47:24Z | cs.RO, cs.AI, cs.CL, cs.LG | When robots perform long action sequences, users will want to easily and
reliably find out what they have done. We therefore demonstrate the task of
learning to summarize and answer questions about a robot agent's past actions
using natural language alone. A single system with a large language model at
its core is trained to both summarize and answer questions about action
sequences given ego-centric video frames of a virtual robot and a question
prompt. To enable training of question answering, we develop a method to
automatically generate English-language questions and answers about objects,
actions, and the temporal order in which actions occurred during episodes of
robot action in the virtual environment. Training one model to both summarize
and answer questions enables zero-shot transfer of representations of objects
learned through question answering to improved action summarization. %
involving objects not seen in training to summarize. | cs.RO | Learning to Summarize and Answer Questions about a Virtual Robot's Past Actions |
2023-06-16T15:45:08Z | http://arxiv.org/pdf/2306.09918v1 | http://arxiv.org/abs/2306.09918v1 | Animesh Nighojkar, Antonio Laverghetta Jr., John Licato | 2023-06-16T15:45:08Z | cs.CL, cs.AI | Natural Language Inference (NLI) has been a cornerstone task in evaluating
language models' inferential reasoning capabilities. However, the standard
three-way classification scheme used in NLI has well-known shortcomings in
evaluating models' ability to capture the nuances of natural human reasoning.
In this paper, we argue that the operationalization of the neutral label in
current NLI datasets has low validity, is interpreted inconsistently, and that
at least one important sense of neutrality is often ignored. We uncover the
detrimental impact of these shortcomings, which in some cases leads to
annotation datasets that actually decrease performance on downstream tasks. We
compare approaches of handling annotator disagreement and identify flaws in a
recent NLI dataset that designs an annotator study based on a problematic
operationalization. Our findings highlight the need for a more refined
evaluation framework for NLI, and we hope to spark further discussion and
action in the NLP community. | cs.CL | No Strong Feelings One Way or Another: Re-operationalizing Neutrality in Natural Language Inference |
2023-06-16T15:13:17Z | http://arxiv.org/pdf/2306.09896v5 | http://arxiv.org/abs/2306.09896v5 | Theo X. Olausson, Jeevana Priya Inala, Chenglong Wang, Jianfeng Gao, Armando Solar-Lezama | 2024-02-02T18:31:34Z | cs.CL, cs.AI, cs.PL, cs.SE | Large language models have shown remarkable aptitude in code generation, but
still struggle to perform complex tasks. Self-repair -- in which the model
debugs and repairs its own code -- has recently become a popular way to boost
performance in these settings. However, despite its increasing popularity,
existing studies of self-repair have been limited in scope; in many settings,
its efficacy thus remains poorly understood. In this paper, we analyze Code
Llama, GPT-3.5 and GPT-4's ability to perform self-repair on problems taken
from HumanEval and APPS. We find that when the cost of carrying out repair is
taken into account, performance gains are often modest, vary a lot between
subsets of the data, and are sometimes not present at all. We hypothesize that
this is because self-repair is bottlenecked by the model's ability to provide
feedback on its own code; using a stronger model to artificially boost the
quality of the feedback, we observe substantially larger performance gains.
Similarly, a small-scale study in which we provide GPT-4 with feedback from
human participants suggests that even for the strongest models, self-repair
still lags far behind what can be achieved with human-level debugging. | cs.CL | Is Self-Repair a Silver Bullet for Code Generation? |
2023-06-16T14:40:39Z | http://arxiv.org/pdf/2306.09877v1 | http://arxiv.org/abs/2306.09877v1 | Shenghuan Sun, Travis Zack, Christopher Y. K. Williams, Atul J. Butte, Madhumita Sushil | 2023-06-16T14:40:39Z | cs.CL | We aimed to investigate the impact of social circumstances on cancer therapy
selection using natural language processing to derive insights from social
worker documentation. We developed and employed a Bidirectional Encoder
Representations from Transformers (BERT) based approach, using a hierarchical
multi-step BERT model (BERT-MS) to predict the prescription of targeted cancer
therapy to patients based solely on documentation by clinical social workers.
Our corpus included free-text clinical social work notes, combined with
medication prescription information, for all patients treated for breast
cancer. We conducted a feature importance analysis to pinpoint the specific
social circumstances that impact cancer therapy selection. Using only social
work notes, we consistently predicted the administration of targeted therapies,
suggesting systematic differences in treatment selection exist due to
non-clinical factors. The UCSF-BERT model, pretrained on clinical text at UCSF,
outperformed other publicly available language models with an AUROC of 0.675
and a Macro F1 score of 0.599. The UCSF BERT-MS model, capable of leveraging
multiple pieces of notes, surpassed the UCSF-BERT model in both AUROC and
Macro-F1. Our feature importance analysis identified several clinically
intuitive social determinants of health (SDOH) that potentially contribute to
disparities in treatment. Our findings indicate that significant disparities
exist among breast cancer patients receiving different types of therapies based
on social determinants of health. Social work reports play a crucial role in
understanding these disparities in clinical decision-making. | cs.CL | Revealing the impact of social circumstances on the selection of cancer therapy through natural language processing of social work notes |
2023-06-16T14:30:41Z | http://arxiv.org/pdf/2306.09869v3 | http://arxiv.org/abs/2306.09869v3 | Geon Yeong Park, Jeongsol Kim, Beomsu Kim, Sang Wan Lee, Jong Chul Ye | 2023-11-04T18:18:10Z | cs.CV, cs.AI, cs.CL, cs.LG | Despite the remarkable performance of text-to-image diffusion models in image
generation tasks, recent studies have raised the issue that generated images
sometimes cannot capture the intended semantic contents of the text prompts,
which phenomenon is often called semantic misalignment. To address this, here
we present a novel energy-based model (EBM) framework for adaptive context
control by modeling the posterior of context vectors. Specifically, we first
formulate EBMs of latent image representations and text embeddings in each
cross-attention layer of the denoising autoencoder. Then, we obtain the
gradient of the log posterior of context vectors, which can be updated and
transferred to the subsequent cross-attention layer, thereby implicitly
minimizing a nested hierarchy of energy functions. Our latent EBMs further
allow zero-shot compositional generation as a linear combination of
cross-attention outputs from different contexts. Using extensive experiments,
we demonstrate that the proposed method is highly effective in handling various
image generation tasks, including multi-concept generation, text-guided image
inpainting, and real and synthetic image editing. Code:
https://github.com/EnergyAttention/Energy-Based-CrossAttention. | cs.CV | Energy-Based Cross Attention for Bayesian Context Update in Text-to-Image Diffusion Models |
2023-06-16T13:39:35Z | http://arxiv.org/pdf/2306.09841v3 | http://arxiv.org/abs/2306.09841v3 | Fangzhi Xu, Qika Lin, Jiawei Han, Tianzhe Zhao, Jun Liu, Erik Cambria | 2023-08-08T12:57:18Z | cs.CL, cs.AI | Logical reasoning consistently plays a fundamental and significant role in
the domains of knowledge engineering and artificial intelligence. Recently,
Large Language Models (LLMs) have emerged as a noteworthy innovation in natural
language processing (NLP), exhibiting impressive achievements across various
classic NLP tasks. However, the question of whether LLMs can effectively
address the task of logical reasoning, which requires gradual cognitive
inference similar to human intelligence, remains unanswered. To this end, we
aim to bridge this gap and provide comprehensive evaluations in this paper.
Firstly, to offer systematic evaluations, we select fifteen typical logical
reasoning datasets and organize them into deductive, inductive, abductive and
mixed-form reasoning settings. Considering the comprehensiveness of
evaluations, we include three representative LLMs (i.e., text-davinci-003,
ChatGPT and BARD) and evaluate them on all selected datasets under zero-shot,
one-shot and three-shot settings. Secondly, different from previous evaluations
relying only on simple metrics (e.g., accuracy), we propose fine-level
evaluations from objective and subjective manners, covering both answers and
explanations. Additionally, to uncover the logical flaws of LLMs, problematic
cases will be attributed to five error types from two dimensions, i.e.,
evidence selection process and reasoning process. Thirdly, to avoid the
influences of knowledge bias and purely focus on benchmarking the logical
reasoning capability of LLMs, we propose a new dataset with neutral content. It
contains 3,000 samples and covers deductive, inductive and abductive settings.
Based on the in-depth evaluations, this paper finally forms a general
evaluation scheme of logical reasoning capability from six dimensions. It
reflects the pros and cons of LLMs and gives guiding directions for future
works. | cs.CL | Are Large Language Models Really Good Logical Reasoners? A Comprehensive Evaluation and Beyond |
2023-06-16T13:37:01Z | http://arxiv.org/pdf/2306.10090v1 | http://arxiv.org/abs/2306.10090v1 | Hanxue Zhang, Zeyu Xie, Xuenan Xu, Mengyue Wu, Kai Yu | 2023-06-16T13:37:01Z | eess.AS, cs.AI, cs.CL, cs.SD | Automated audio captioning (AAC) is an important cross-modality translation
task, aiming at generating descriptions for audio clips. However, captions
generated by previous AAC models have faced ``false-repetition'' errors due to
the training objective. In such scenarios, we propose a new task of AAC error
correction and hope to reduce such errors by post-processing AAC outputs. To
tackle this problem, we use observation-based rules to corrupt captions without
errors, for pseudo grammatically-erroneous sentence generation. One pair of
corrupted and clean sentences can thus be used for training. We train a neural
network-based model on the synthetic error dataset and apply the model to
correct real errors in AAC outputs. Results on two benchmark datasets indicate
that our approach significantly improves fluency while maintaining semantic
information. | eess.AS | Improving Audio Caption Fluency with Automatic Error Correction |
2023-06-16T13:15:26Z | http://arxiv.org/pdf/2306.09830v1 | http://arxiv.org/abs/2306.09830v1 | Edward Gow-Smith, Danae Sánchez Villegas | 2023-06-16T13:15:26Z | cs.CL | In this paper we describe the University of Sheffield's submission to the
AmericasNLP 2023 Shared Task on Machine Translation into Indigenous Languages
which comprises the translation from Spanish to eleven indigenous languages.
Our approach consists of extending, training, and ensembling different
variations of NLLB-200. We use data provided by the organizers and data from
various other sources such as constitutions, handbooks, news articles, and
backtranslations generated from monolingual data. On the dev set, our best
submission outperforms the baseline by 11% average chrF across all languages,
with substantial improvements particularly for Aymara, Guarani and Quechua. On
the test set, we achieve the highest average chrF of all the submissions, we
rank first in four of the eleven languages, and at least one of our submissions
ranks in the top 3 for all languages. | cs.CL | Sheffield's Submission to the AmericasNLP Shared Task on Machine Translation into Indigenous Languages |
2023-06-16T13:08:17Z | http://arxiv.org/pdf/2306.09824v1 | http://arxiv.org/abs/2306.09824v1 | Kaushik Roy, Yuxin Zi, Manas Gaur, Jinendra Malekar, Qi Zhang, Vignesh Narayanan, Amit Sheth | 2023-06-16T13:08:17Z | cs.CL, cs.AI | Language models have the potential to assess mental health using social media
data. By analyzing online posts and conversations, these models can detect
patterns indicating mental health conditions like depression, anxiety, or
suicidal thoughts. They examine keywords, language markers, and sentiment to
gain insights into an individual's mental well-being. This information is
crucial for early detection, intervention, and support, improving mental health
care and prevention strategies. However, using language models for mental
health assessments from social media has two limitations: (1) They do not
compare posts against clinicians' diagnostic processes, and (2) It's
challenging to explain language model outputs using concepts that the clinician
can understand, i.e., clinician-friendly explanations. In this study, we
introduce Process Knowledge-infused Learning (PK-iL), a new learning paradigm
that layers clinical process knowledge structures on language model outputs,
enabling clinician-friendly explanations of the underlying language model
predictions. We rigorously test our methods on existing benchmark datasets,
augmented with such clinical process knowledge, and release a new dataset for
assessing suicidality. PK-iL performs competitively, achieving a 70% agreement
with users, while other XAI methods only achieve 47% agreement (average
inter-rater agreement of 0.72). Our evaluations demonstrate that PK-iL
effectively explains model predictions to clinicians. | cs.CL | Process Knowledge-infused Learning for Clinician-friendly Explanations |
2023-06-16T13:04:56Z | http://arxiv.org/pdf/2306.09821v2 | http://arxiv.org/abs/2306.09821v2 | Zhiyuan Hu, Yue Feng, Anh Tuan Luu, Bryan Hooi, Aldo Lipani | 2023-10-19T16:51:06Z | cs.CL | Dialogue systems and large language models (LLMs) have gained considerable
attention. However, the direct utilization of LLMs as task-oriented dialogue
(TOD) models has been found to underperform compared to smaller task-specific
models. Nonetheless, it is crucial to acknowledge the significant potential of
LLMs and explore improved approaches for leveraging their impressive abilities.
Motivated by the goal of leveraging LLMs, we propose an alternative approach
called User-Guided Response Optimization (UGRO) to combine it with a smaller
TOD model. This approach uses LLM as annotation-free user simulator to assess
dialogue responses, combining them with smaller fine-tuned end-to-end TOD
models. By utilizing the satisfaction feedback generated by LLMs, UGRO further
optimizes the supervised fine-tuned TOD model. Specifically, the TOD model
takes the dialogue history as input and, with the assistance of the user
simulator's feedback, generates high-satisfaction responses that meet the
user's requirements. Through empirical experiments on two TOD benchmarks, we
validate the effectiveness of our method. The results demonstrate that our
approach outperforms previous state-of-the-art (SOTA) results. | cs.CL | Unlocking the Potential of User Feedback: Leveraging Large Language Model as User Simulator to Enhance Dialogue System |
2023-06-16T12:49:44Z | http://arxiv.org/pdf/2306.09814v1 | http://arxiv.org/abs/2306.09814v1 | Sofoklis Kakouros, Juraj Šimko, Martti Vainio, Antti Suni | 2023-06-16T12:49:44Z | eess.AS, cs.CL | This paper investigates the use of word surprisal, a measure of the
predictability of a word in a given context, as a feature to aid speech
synthesis prosody. We explore how word surprisal extracted from large language
models (LLMs) correlates with word prominence, a signal-based measure of the
salience of a word in a given discourse. We also examine how context length and
LLM size affect the results, and how a speech synthesizer conditioned with
surprisal values compares with a baseline system. To evaluate these factors, we
conducted experiments using a large corpus of English text and LLMs of varying
sizes. Our results show that word surprisal and word prominence are moderately
correlated, suggesting that they capture related but distinct aspects of
language use. We find that length of context and size of the LLM impact the
correlations, but not in the direction anticipated, with longer contexts and
larger LLMs generally underpredicting prominent words in a nearly linear
manner. We demonstrate that, in line with these findings, a speech synthesizer
conditioned with surprisal values provides a minimal improvement over the
baseline with the results suggesting a limited effect of using surprisal values
for eliciting appropriate prominence patterns. | eess.AS | Investigating the Utility of Surprisal from Large Language Models for Speech Synthesis Prosody |
2023-06-16T12:29:59Z | http://arxiv.org/pdf/2306.09802v2 | http://arxiv.org/abs/2306.09802v2 | Pere-Lluís Huguet Cabot, Simone Tedeschi, Axel-Cyrille Ngonga Ngomo, Roberto Navigli | 2023-06-19T09:25:27Z | cs.CL | Relation Extraction (RE) is a task that identifies relationships between
entities in a text, enabling the acquisition of relational facts and bridging
the gap between natural language and structured knowledge. However, current RE
models often rely on small datasets with low coverage of relation types,
particularly when working with languages other than English. In this paper, we
address the above issue and provide two new resources that enable the training
and evaluation of multilingual RE systems. First, we present SRED$^{\rm FM}$,
an automatically annotated dataset covering 18 languages, 400 relation types,
13 entity types, totaling more than 40 million triplet instances. Second, we
propose RED$^{\rm FM}$, a smaller, human-revised dataset for seven languages
that allows for the evaluation of multilingual RE systems. To demonstrate the
utility of these novel datasets, we experiment with the first end-to-end
multilingual RE model, mREBEL, that extracts triplets, including entity types,
in multiple languages. We release our resources and model checkpoints at
https://www.github.com/babelscape/rebel | cs.CL | RED$^{\rm FM}$: a Filtered and Multilingual Relation Extraction Dataset |
2023-06-16T11:37:15Z | http://arxiv.org/pdf/2306.09782v2 | http://arxiv.org/abs/2306.09782v2 | Kai Lv, Yuqing Yang, Tengxiao Liu, Qinghui Gao, Qipeng Guo, Xipeng Qiu | 2024-06-06T13:22:26Z | cs.CL | Large Language Models (LLMs) have revolutionized Natural Language Processing
(NLP) but demand massive GPU resources for training. Lowering the threshold for
LLMs training would encourage greater participation from researchers,
benefiting both academia and society. While existing approaches have focused on
parameter-efficient fine-tuning, which tunes or adds a small number of
parameters, few have addressed the challenge of tuning the full parameters of
LLMs with limited resources. In this work, we propose a new optimizer,
LOw-Memory Optimization (LOMO), which fuses the gradient computation and the
parameter update in one step to reduce memory usage. By integrating LOMO with
existing memory saving techniques, we reduce memory usage to 10.8% compared to
the standard approach (DeepSpeed solution). Consequently, our approach enables
the full parameter fine-tuning of a 65B model on a single machine with 8 RTX
3090, each with 24GB memory.Code and data are available at
https://github.com/OpenLMLab/LOMO. | cs.CL | Full Parameter Fine-tuning for Large Language Models with Limited Resources |
2023-06-16T10:36:18Z | http://arxiv.org/pdf/2306.09752v1 | http://arxiv.org/abs/2306.09752v1 | Victor Steinborn, Antonis Maronikolakis, Hinrich Schütze | 2023-06-16T10:36:18Z | cs.CL, cs.AI, cs.CY, cs.LG | In efforts to keep up with the rapid progress and use of large language
models, gender bias research is becoming more prevalent in NLP. Non-English
bias research, however, is still in its infancy with most work focusing on
English. In our work, we study how grammatical gender bias relating to
politeness levels manifests in Japanese and Korean language models. Linguistic
studies in these languages have identified a connection between gender bias and
politeness levels, however it is not yet known if language models reproduce
these biases. We analyze relative prediction probabilities of the male and
female grammatical genders using templates and find that informal polite speech
is most indicative of the female grammatical gender, while rude and formal
speech is most indicative of the male grammatical gender. Further, we find
politeness levels to be an attack vector for allocational gender bias in
cyberbullying detection models. Cyberbullies can evade detection through simple
techniques abusing politeness levels. We introduce an attack dataset to (i)
identify representational gender bias across politeness levels, (ii)
demonstrate how gender biases can be abused to bypass cyberbullying detection
models and (iii) show that allocational biases can be mitigated via training on
our proposed dataset. Through our findings we highlight the importance of bias
research moving beyond its current English-centrism. | cs.CL | Politeness Stereotypes and Attack Vectors: Gender Stereotypes in Japanese and Korean Language Models |
2023-06-16T10:05:47Z | http://arxiv.org/pdf/2306.09737v2 | http://arxiv.org/abs/2306.09737v2 | Sofia Gil-Clavel, Tatiana Filatova | 2024-07-03T15:41:20Z | cs.CL | The fast-growing number of research articles makes it problematic for
scholars to keep track of the new findings related to their areas of expertise.
Furthermore, linking knowledge across disciplines in rapidly developing fields
becomes challenging for complex topics like climate change that demand
interdisciplinary solutions. At the same time, the rise of Black Box types of
text summarization makes it difficult to understand how text relationships are
built, let alone relate to existing theories conceptualizing cause-effect
relationships and permitting hypothesizing. This work aims to sensibly use
Natural Language Processing by extracting variables relations and synthesizing
their findings using networks while relating to key concepts dominant in
relevant disciplines. As an example, we apply our methodology to the analysis
of farmers' adaptation to climate change. For this, we perform a Natural
Language Processing analysis of publications returned by Scopus in August 2022.
Results show that the use of Natural Language Processing together with networks
in a descriptive manner offers a fast and interpretable way to synthesize
literature review findings as long as researchers back up results with theory. | cs.CL | Using Natural Language Processing and Networks to Automate Structured Literature Reviews: An Application to Farmers Climate Change Adaptation |
2023-06-16T09:47:45Z | http://arxiv.org/pdf/2306.09725v1 | http://arxiv.org/abs/2306.09725v1 | Chunliu Wang, Xiao Zhang, Johan Bos | 2023-06-16T09:47:45Z | cs.CL | Previous work has predominantly focused on monolingual English semantic
parsing. We, instead, explore the feasibility of Chinese semantic parsing in
the absence of labeled data for Chinese meaning representations. We describe
the pipeline of automatically collecting the linearized Chinese meaning
representation data for sequential-to sequential neural networks. We further
propose a test suite designed explicitly for Chinese semantic parsing, which
provides fine-grained evaluation for parsing performance, where we aim to study
Chinese parsing difficulties. Our experimental results show that the difficulty
of Chinese semantic parsing is mainly caused by adverbs. Realizing Chinese
parsing through machine translation and an English parser yields slightly lower
performance than training a model directly on Chinese data. | cs.CL | Discourse Representation Structure Parsing for Chinese |
2023-06-16T09:40:05Z | http://arxiv.org/pdf/2306.09719v2 | http://arxiv.org/abs/2306.09719v2 | Xiaofei Sun, Linfeng Dong, Xiaoya Li, Zhen Wan, Shuhe Wang, Tianwei Zhang, Jiwei Li, Fei Cheng, Lingjuan Lyu, Fei Wu, Guoyin Wang | 2023-10-09T15:48:23Z | cs.CL, cs.AI | Despite the success of ChatGPT, its performances on most NLP tasks are still
well below the supervised baselines. In this work, we looked into the causes,
and discovered that its subpar performance was caused by the following factors:
(1) token limit in the prompt does not allow for the full utilization of the
supervised datasets; (2) mismatch between the generation nature of ChatGPT and
NLP tasks; (3) intrinsic pitfalls of LLMs models, e.g., hallucination, overly
focus on certain keywords, etc.
In this work, we propose a collection of general modules to address these
issues, in an attempt to push the limits of ChatGPT on NLP tasks. Our proposed
modules include (1) a one-input-multiple-prompts strategy that employs multiple
prompts for one input to accommodate more demonstrations; (2) using fine-tuned
models for better demonstration retrieval; (3) transforming tasks to formats
that are more tailored to the generation nature; (4) employing reasoning
strategies that are tailored to addressing the task-specific complexity; (5)
the self-verification strategy to address the hallucination issue of LLMs; (6)
the paraphrase strategy to improve the robustness of model predictions.
We conduct experiments on 21 datasets of 10 representative NLP tasks,
including question answering, commonsense reasoning, natural language
inference, sentiment analysis, named entity recognition, entity-relation
extraction, event extraction, dependency parsing, semantic role labeling, and
part-of-speech tagging. Using the proposed assemble of techniques, we are able
to significantly boost the performance of ChatGPT on the selected NLP tasks,
achieving performances comparable to or better than supervised baselines, or
even existing SOTA performances. | cs.CL | Pushing the Limits of ChatGPT on NLP Tasks |
2023-06-16T09:24:29Z | http://arxiv.org/pdf/2306.09712v1 | http://arxiv.org/abs/2306.09712v1 | Changyu Chen, Xiting Wang, Yiqiao Jin, Victor Ye Dong, Li Dong, Jie Cao, Yi Liu, Rui Yan | 2023-06-16T09:24:29Z | cs.LG, cs.AI, cs.CL | In reinforcement learning (RL), there are two major settings for interacting
with the environment: online and offline. Online methods explore the
environment at significant time cost, and offline methods efficiently obtain
reward signals by sacrificing exploration capability. We propose semi-offline
RL, a novel paradigm that smoothly transits from offline to online settings,
balances exploration capability and training cost, and provides a theoretical
foundation for comparing different RL settings. Based on the semi-offline
formulation, we present the RL setting that is optimal in terms of optimization
cost, asymptotic error, and overfitting error bound. Extensive experiments show
that our semi-offline approach is efficient and yields comparable or often
better performance compared with state-of-the-art methods. | cs.LG | Semi-Offline Reinforcement Learning for Optimized Text Generation |
2023-06-16T09:18:08Z | http://arxiv.org/pdf/2306.09705v1 | http://arxiv.org/abs/2306.09705v1 | Gabriel Lopez, Anna Nguyen, Joe Kaul | 2023-06-16T09:18:08Z | cs.LG, cs.CL | Anticipating audience reaction towards a certain text is integral to several
facets of society ranging from politics, research, and commercial industries.
Sentiment analysis (SA) is a useful natural language processing (NLP) technique
that utilizes lexical/statistical and deep learning methods to determine
whether different-sized texts exhibit positive, negative, or neutral emotions.
Recurrent networks are widely used in machine-learning communities for problems
with sequential data. However, a drawback of models based on Long-Short Term
Memory networks and Gated Recurrent Units is the significantly high number of
parameters, and thus, such models are computationally expensive. This drawback
is even more significant when the available data are limited. Also, such models
require significant over-parameterization and regularization to achieve optimal
performance. Tensorized models represent a potential solution. In this paper,
we classify the sentiment of some social media posts. We compare traditional
recurrent models with their tensorized version, and we show that with the
tensorized models, we reach comparable performances with respect to the
traditional models while using fewer resources for the training. | cs.LG | Reducing Computational Costs in Sentiment Analysis: Tensorized Recurrent Networks vs. Recurrent Networks |
2023-06-16T09:15:39Z | http://arxiv.org/pdf/2306.09704v2 | http://arxiv.org/abs/2306.09704v2 | Zhenzhen Li, Han Ding, Shaohong Zhang | 2023-09-13T09:43:28Z | cs.CL | Text readability assessment has gained significant attention from researchers
in various domains. However, the lack of exploration into corpus compatibility
poses a challenge as different research groups utilize different corpora. In
this study, we propose a novel evaluation framework, Cross-corpus text
Readability Compatibility Assessment (CRCA), to address this issue. The
framework encompasses three key components: (1) Corpus: CEFR, CLEC, CLOTH, NES,
OSP, and RACE. Linguistic features, GloVe word vector representations, and
their fusion features were extracted. (2) Classification models: Machine
learning methods (XGBoost, SVM) and deep learning methods (BiLSTM,
Attention-BiLSTM) were employed. (3) Compatibility metrics: RJSD, RRNSS, and
NDCG metrics. Our findings revealed: (1) Validated corpus compatibility, with
OSP standing out as significantly different from other datasets. (2) An
adaptation effect among corpora, feature representations, and classification
methods. (3) Consistent outcomes across the three metrics, validating the
robustness of the compatibility assessment framework. The outcomes of this
study offer valuable insights into corpus selection, feature representation,
and classification methods, and it can also serve as a beginning effort for
cross-corpus transfer learning. | cs.CL | Cross-corpus Readability Compatibility Assessment for English Texts |
2023-06-16T09:01:45Z | http://arxiv.org/pdf/2306.09697v1 | http://arxiv.org/abs/2306.09697v1 | Qingyu Tan, Lu Xu, Lidong Bing, Hwee Tou Ng | 2023-06-16T09:01:45Z | cs.CL | Relation extraction (RE) aims to extract relations from sentences and
documents. Existing relation extraction models typically rely on supervised
machine learning. However, recent studies showed that many RE datasets are
incompletely annotated. This is known as the false negative problem in which
valid relations are falsely annotated as 'no_relation'. Models trained with
such data inevitably make similar mistakes during the inference stage.
Self-training has been proven effective in alleviating the false negative
problem. However, traditional self-training is vulnerable to confirmation bias
and exhibits poor performance in minority classes. To overcome this limitation,
we proposed a novel class-adaptive re-sampling self-training framework.
Specifically, we re-sampled the pseudo-labels for each class by precision and
recall scores. Our re-sampling strategy favored the pseudo-labels of classes
with high precision and low recall, which improved the overall recall without
significantly compromising precision. We conducted experiments on
document-level and biomedical relation extraction datasets, and the results
showed that our proposed self-training framework consistently outperforms
existing competitive methods on the Re-DocRED and ChemDisgene datasets when the
training data are incompletely annotated. Our code is released at
https://github.com/DAMO-NLP-SG/CAST. | cs.CL | Class-Adaptive Self-Training for Relation Extraction with Incompletely Annotated Training Data |
2023-06-16T07:26:33Z | http://arxiv.org/pdf/2306.09657v1 | http://arxiv.org/abs/2306.09657v1 | Sean MacAvaney, Xi Wang | 2023-06-16T07:26:33Z | cs.IR, cs.CL | Model distillation has emerged as a prominent technique to improve neural
search models. To date, distillation taken an offline approach, wherein a new
neural model is trained to predict relevance scores between arbitrary queries
and documents. In this paper, we explore a departure from this offline
distillation strategy by investigating whether a model for a specific query can
be effectively distilled from neural re-ranking results (i.e., distilling in an
online setting). Indeed, we find that a lexical model distilled online can
reasonably replicate the re-ranking of a neural model. More importantly, these
models can be used as queries that execute efficiently on indexes. This second
retrieval stage can enrich the pool of documents for re-ranking by identifying
documents that were missed in the first retrieval stage. Empirically, we show
that this approach performs favourably when compared with established pseudo
relevance feedback techniques, dense retrieval methods, and sparse-dense
ensemble "hybrid" approaches. | cs.IR | Online Distillation for Pseudo-Relevance Feedback |
2023-06-16T06:53:26Z | http://arxiv.org/pdf/2306.09649v3 | http://arxiv.org/abs/2306.09649v3 | Jackie Junrui Yang, Yingtian Shi, Yuhan Zhang, Karina Li, Daniel Wan Rosli, Anisha Jain, Shuning Zhang, Tianshi Li, James A. Landay, Monica S. Lam | 2024-05-02T08:28:19Z | cs.HC, cs.CL | By combining voice and touch interactions, multimodal interfaces can surpass
the efficiency of either modality alone. Traditional multimodal frameworks
require laborious developer work to support rich multimodal commands where the
user's multimodal command involves possibly exponential combinations of
actions/function invocations. This paper presents ReactGenie, a programming
framework that better separates multimodal input from the computational model
to enable developers to create efficient and capable multimodal interfaces with
ease. ReactGenie translates multimodal user commands into NLPL (Natural
Language Programming Language), a programming language we created, using a
neural semantic parser based on large-language models. The ReactGenie runtime
interprets the parsed NLPL and composes primitives in the computational model
to implement complex user commands. As a result, ReactGenie allows easy
implementation and unprecedented richness in commands for end-users of
multimodal apps. Our evaluation showed that 12 developers can learn and build a
nontrivial ReactGenie application in under 2.5 hours on average. In addition,
compared with a traditional GUI, end-users can complete tasks faster and with
less task load using ReactGenie apps. | cs.HC | ReactGenie: A Development Framework for Complex Multimodal Interactions Using Large Language Models |
2023-06-16T06:10:00Z | http://arxiv.org/pdf/2306.09642v1 | http://arxiv.org/abs/2306.09642v1 | Stefan F. Schouten, Baran Barbarestani, Wondimagegnhue Tufa, Piek Vossen, Ilia Markov | 2023-06-16T06:10:00Z | cs.CL, cs.LG | Given the dynamic nature of toxic language use, automated methods for
detecting toxic spans are likely to encounter distributional shift. To explore
this phenomenon, we evaluate three approaches for detecting toxic spans under
cross-domain conditions: lexicon-based, rationale extraction, and fine-tuned
language models. Our findings indicate that a simple method using off-the-shelf
lexicons performs best in the cross-domain setup. The cross-domain error
analysis suggests that (1) rationale extraction methods are prone to false
negatives, while (2) language models, despite performing best for the in-domain
case, recall fewer explicitly toxic words than lexicons and are prone to
certain types of false positives. Our code is publicly available at:
https://github.com/sfschouten/toxic-cross-domain. | cs.CL | Cross-Domain Toxic Spans Detection |
2023-06-16T05:27:14Z | http://arxiv.org/pdf/2306.09631v1 | http://arxiv.org/abs/2306.09631v1 | Yu Lu, Junwei Bao, Zichen Ma, Xiaoguang Han, Youzheng Wu, Shuguang Cui, Xiaodong He | 2023-06-16T05:27:14Z | cs.CL | High-quality data is essential for conversational recommendation systems and
serves as the cornerstone of the network architecture development and training
strategy design. Existing works contribute heavy human efforts to manually
labeling or designing and extending recommender dialogue templates. However,
they suffer from (i) the limited number of human annotators results in that
datasets can hardly capture rich and large-scale cases in the real world, (ii)
the limited experience and knowledge of annotators account for the
uninformative corpus and inappropriate recommendations. In this paper, we
propose a novel automatic dataset synthesis approach that can generate both
large-scale and high-quality recommendation dialogues through a data2text
generation process, where unstructured recommendation conversations are
generated from structured graphs based on user-item information from the real
world. In doing so, we comprehensively exploit: (i) rich personalized user
profiles from traditional recommendation datasets, (ii) rich external knowledge
from knowledge graphs, and (iii) the conversation ability contained in
human-to-human conversational recommendation datasets. Extensive experiments
validate the benefit brought by the automatically synthesized data under
low-resource scenarios and demonstrate the promising potential to facilitate
the development of a more effective conversational recommendation system. | cs.CL | AUGUST: an Automatic Generation Understudy for Synthesizing Conversational Recommendation Datasets |
2023-06-16T03:41:14Z | http://arxiv.org/pdf/2306.09607v1 | http://arxiv.org/abs/2306.09607v1 | Shih-Lun Wu, Yi-Hui Chou, Liangze Li | 2023-06-16T03:41:14Z | cs.CL | PhotoBook is a collaborative dialogue game where two players receive private,
partially-overlapping sets of images and resolve which images they have in
common. It presents machines with a great challenge to learn how people build
common ground around multimodal context to communicate effectively. Methods
developed in the literature, however, cannot be deployed to real gameplay since
they only tackle some subtasks of the game, and they require additional
reference chains inputs, whose extraction process is imperfect. Therefore, we
propose a reference chain-free listener model that directly addresses the
game's predictive task, i.e., deciding whether an image is shared with partner.
Our DeBERTa-based listener model reads the full dialogue, and utilizes
CLIPScore features to assess utterance-image relevance. We achieve >77%
accuracy on unseen sets of images/game themes, outperforming baseline by >17
points. | cs.CL | Listener Model for the PhotoBook Referential Game with CLIPScores as Implicit Reference Chain |
2023-06-16T02:49:20Z | http://arxiv.org/pdf/2306.09597v3 | http://arxiv.org/abs/2306.09597v3 | Han Wang, Yi Zhu, Ye Wang, Yun Li, Yunhao Yuan, Jipeng Qiang | 2023-12-06T09:05:32Z | cs.CL, cs.AI | Clickbait, which aims to induce users with some surprising and even thrilling
headlines for increasing click-through rates, permeates almost all online
content publishers, such as news portals and social media. Recently, Large
Language Models (LLMs) have emerged as a powerful instrument and achieved
tremendous success in a series of NLP downstream tasks. However, it is not yet
known whether LLMs can be served as a high-quality clickbait detection system.
In this paper, we analyze the performance of LLMs in the few-shot and zero-shot
scenarios on several English and Chinese benchmark datasets. Experimental
results show that LLMs cannot achieve the best results compared to the
state-of-the-art deep and fine-tuning PLMs methods. Different from human
intuition, the experiments demonstrated that LLMs cannot make satisfied
clickbait detection just by the headlines. | cs.CL | Clickbait Detection via Large Language Models |
2023-06-16T02:39:45Z | http://arxiv.org/pdf/2306.09594v1 | http://arxiv.org/abs/2306.09594v1 | Wei Zhang, Xu Chen | 2023-06-16T02:39:45Z | cs.CL, cs.AI | Traditional comparative learning sentence embedding directly uses the encoder
to extract sentence features, and then passes in the comparative loss function
for learning. However, this method pays too much attention to the sentence body
and ignores the influence of some words in the sentence on the sentence
semantics. To this end, we propose CMLM-CSE, an unsupervised contrastive
learning framework based on conditional MLM. On the basis of traditional
contrastive learning, an additional auxiliary network is added to integrate
sentence embedding to perform MLM tasks, forcing sentence embedding to learn
more masked word information. Finally, when Bertbase was used as the
pretraining language model, we exceeded SimCSE by 0.55 percentage points on
average in textual similarity tasks, and when Robertabase was used as the
pretraining language model, we exceeded SimCSE by 0.3 percentage points on
average in textual similarity tasks. | cs.CL | CMLM-CSE: Based on Conditional MLM Contrastive Learning for Sentence Embeddings |
2023-06-16T01:45:57Z | http://arxiv.org/pdf/2306.14907v1 | http://arxiv.org/abs/2306.14907v1 | Adhitya Thirumala, Elisa Ferracane | 2023-06-16T01:45:57Z | cs.CL, I.2.7 | Clickbait is the practice of engineering titles to incentivize readers to
click through to articles. Such titles with sensationalized language reveal as
little information as possible. Occasionally, clickbait will be intentionally
misleading, so natural language processing (NLP) can scan the article and
answer the question posed by the clickbait title, or spoil it. We tackle two
tasks: classifying the clickbait into one of 3 types (Task 1), and spoiling the
clickbait (Task 2). For Task 1, we propose two binary classifiers to determine
the final spoiler type. For Task 2, we experiment with two approaches: using a
question-answering model to identify the span of text of the spoiler, and using
a large language model (LLM) to generate the spoiler. Because the spoiler is
contained in the article, we frame the second task as a question-answering
approach for identifying the starting and ending positions of the spoiler. We
created models for Task 1 that were better than the baselines proposed by the
dataset authors and engineered prompts for Task 2 that did not perform as well
as the baselines proposed by the dataset authors due to the evaluation metric
performing worse when the output text is from a generative model as opposed to
an extractive model. | cs.CL | Clickbait Classification and Spoiling Using Natural Language Processing |
2023-06-16T01:22:32Z | http://arxiv.org/pdf/2306.09572v1 | http://arxiv.org/abs/2306.09572v1 | Takuro Fujii, Koki Shibata, Atsuki Yamaguchi, Terufumi Morishita, Yasuhiro Sogawa | 2023-06-16T01:22:32Z | cs.CL, cs.AI | This paper investigates the effect of tokenizers on the downstream
performance of pretrained language models (PLMs) in scriptio continua languages
where no explicit spaces exist between words, using Japanese as a case study.
The tokenizer for such languages often consists of a morphological analyzer and
a subword tokenizer, requiring us to conduct a comprehensive study of all
possible pairs. However, previous studies lack this comprehensiveness. We
therefore train extensive sets of tokenizers, build a PLM using each, and
measure the downstream performance on a wide range of tasks. Our results
demonstrate that each downstream task has a different optimal morphological
analyzer, and that it is better to use Byte-Pair-Encoding or Unigram rather
than WordPiece as a subword tokenizer, regardless of the type of task. | cs.CL | How do different tokenizers perform on downstream tasks in scriptio continua languages?: A case study in Japanese |
2023-06-16T00:39:25Z | http://arxiv.org/pdf/2306.09562v1 | http://arxiv.org/abs/2306.09562v1 | Ian Magnusson, Noah A. Smith, Jesse Dodge | 2023-06-16T00:39:25Z | cs.CL | Scientific progress in NLP rests on the reproducibility of researchers'
claims. The *CL conferences created the NLP Reproducibility Checklist in 2020
to be completed by authors at submission to remind them of key information to
include. We provide the first analysis of the Checklist by examining 10,405
anonymous responses to it. First, we find evidence of an increase in reporting
of information on efficiency, validation performance, summary statistics, and
hyperparameters after the Checklist's introduction. Further, we show acceptance
rate grows for submissions with more Yes responses. We find that the 44% of
submissions that gather new data are 5% less likely to be accepted than those
that did not; the average reviewer-rated reproducibility of these submissions
is also 2% lower relative to the rest. We find that only 46% of submissions
claim to open-source their code, though submissions that do have 8% higher
reproducibility score relative to those that do not, the most for any item. We
discuss what can be inferred about the state of reproducibility in NLP, and
provide a set of recommendations for future conferences, including: a) allowing
submitting code and appendices one week after the deadline, and b) measuring
dataset reproducibility by a checklist of data collection practices. | cs.CL | Reproducibility in NLP: What Have We Learned from the Checklist? |
2023-06-16T00:29:19Z | http://arxiv.org/pdf/2307.01201v1 | http://arxiv.org/abs/2307.01201v1 | Sivaramakrishnan Swaminathan, Antoine Dedieu, Rajkumar Vasudeva Raju, Murray Shanahan, Miguel Lazaro-Gredilla, Dileep George | 2023-06-16T00:29:19Z | cs.CL, cs.AI | In-context learning (ICL) is one of the most powerful and most unexpected
capabilities to emerge in recent transformer-based large language models
(LLMs). Yet the mechanisms that underlie it are poorly understood. In this
paper, we demonstrate that comparable ICL capabilities can be acquired by an
alternative sequence prediction learning method using clone-structured causal
graphs (CSCGs). Moreover, a key property of CSCGs is that, unlike
transformer-based LLMs, they are {\em interpretable}, which considerably
simplifies the task of explaining how ICL works. Specifically, we show that it
uses a combination of (a) learning template (schema) circuits for pattern
completion, (b) retrieving relevant templates in a context-sensitive manner,
and (c) rebinding of novel tokens to appropriate slots in the templates. We go
on to marshall evidence for the hypothesis that similar mechanisms underlie ICL
in LLMs. For example, we find that, with CSCGs as with LLMs, different
capabilities emerge at different levels of overparameterization, suggesting
that overparameterization helps in learning more complex template (schema)
circuits. By showing how ICL can be achieved with small models and datasets, we
open up a path to novel architectures, and take a vital step towards a more
general understanding of the mechanics behind this important capability. | cs.CL | Schema-learning and rebinding as mechanisms of in-context learning and emergence |
2023-06-15T23:16:58Z | http://arxiv.org/pdf/2306.09544v1 | http://arxiv.org/abs/2306.09544v1 | Sitong Zhou, Meliha Yetisgen, Mari Ostendorf | 2023-06-15T23:16:58Z | cs.CL | This paper explores methods for extracting information from radiology reports
that generalize across exam modalities to reduce requirements for annotated
data. We demonstrate that multi-pass T5-based text-to-text generative models
exhibit better generalization across exam modalities compared to approaches
that employ BERT-based task-specific classification layers. We then develop
methods that reduce the inference cost of the model, making large-scale corpus
processing more feasible for clinical applications. Specifically, we introduce
a generative technique that decomposes complex tasks into smaller subtask
blocks, which improves a single-pass model when combined with multitask
training. In addition, we leverage target-domain contexts during inference to
enhance domain adaptation, enabling use of smaller models. Analyses offer
insights into the benefits of different cost reduction strategies. | cs.CL | Building blocks for complex tasks: Robust generative event extraction for radiology reports under domain shifts |
2023-06-15T22:48:08Z | http://arxiv.org/pdf/2306.09539v4 | http://arxiv.org/abs/2306.09539v4 | Mahan Fathi, Jonathan Pilault, Orhan Firat, Christopher Pal, Pierre-Luc Bacon, Ross Goroshin | 2023-10-30T15:44:04Z | cs.CL, cs.LG | State space models (SSMs) have shown impressive results on tasks that require
modeling long-range dependencies and efficiently scale to long sequences owing
to their subquadratic runtime complexity. Originally designed for continuous
signals, SSMs have shown superior performance on a plethora of tasks, in vision
and audio; however, SSMs still lag Transformer performance in Language Modeling
tasks. In this work, we propose a hybrid layer named Block-State Transformer
(BST), that internally combines an SSM sublayer for long-range
contextualization, and a Block Transformer sublayer for short-term
representation of sequences. We study three different, and completely
parallelizable, variants that integrate SSMs and block-wise attention. We show
that our model outperforms similar Transformer-based architectures on language
modeling perplexity and generalizes to longer sequences. In addition, the
Block-State Transformer demonstrates more than tenfold increase in speed at the
layer level compared to the Block-Recurrent Transformer when model
parallelization is employed. | cs.CL | Block-State Transformers |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.