publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2023-05-08T08:56:51Z | http://arxiv.org/pdf/2305.04557v1 | http://arxiv.org/abs/2305.04557v1 | Hongqiu Wu, Yongxiang Liu, Hanwen Shi, Hai Zhao, Min Zhang | 2023-05-08T08:56:51Z | cs.CL | Beyond the success story of adversarial training (AT) in the recent text
domain on top of pre-trained language models (PLMs), our empirical study
showcases the inconsistent gains from AT on some tasks, e.g. commonsense
reasoning, named entity recognition. This paper investigates AT from the
perspective of the contextualized language representation outputted by PLM
encoders. We find the current AT attacks lean to generate sub-optimal
adversarial examples that can fool the decoder part but have a minor effect on
the encoder. However, we find it necessary to effectively deviate the latter
one to allow AT to gain. Based on the observation, we propose simple yet
effective \textit{Contextualized representation-Adversarial Training} (CreAT),
in which the attack is explicitly optimized to deviate the contextualized
representation of the encoder. It allows a global optimization of adversarial
examples that can fool the entire model. We also find CreAT gives rise to a
better direction to optimize the adversarial examples, to let them less
sensitive to hyperparameters. Compared to AT, CreAT produces consistent
performance gains on a wider range of tasks and is proven to be more effective
for language pre-training where only the encoder part is kept for downstream
tasks. We achieve the new state-of-the-art performances on a series of
challenging benchmarks, e.g. AdvGLUE (59.1 $ \rightarrow $ 61.1), HellaSWAG
(93.0 $ \rightarrow $ 94.9), ANLI (68.1 $ \rightarrow $ 69.3). | cs.CL | Toward Adversarial Training on Contextualized Language Representation |
2023-05-08T08:53:37Z | http://arxiv.org/pdf/2305.04556v2 | http://arxiv.org/abs/2305.04556v2 | Yi Bin, Mengqun Han, Wenhao Shi, Lei Wang, Yang Yang, See-Kiong Ng, Heng Tao Shen | 2023-10-28T07:09:38Z | cs.CL, cs.AI | Existing MWP solvers employ sequence or binary tree to present the solution
expression and decode it from given problem description. However, such
structures fail to handle the variants that can be derived via mathematical
manipulation, e.g., $(a_1+a_2) * a_3$ and $a_1 * a_3+a_2 * a_3$ can both be
possible valid solutions for a same problem but formulated as different
expression sequences or trees. The multiple solution variants depicting
different possible solving procedures for the same input problem would raise
two issues: 1) making it hard for the model to learn the mapping function
between the input and output spaces effectively, and 2) wrongly indicating
\textit{wrong} when evaluating a valid expression variant. To address these
issues, we introduce a unified tree structure to present a solution expression,
where the elements are permutable and identical for all the expression
variants. We propose a novel non-autoregressive solver, named \textit{MWP-NAS},
to parse the problem and deduce the solution expression based on the unified
tree. For evaluating the possible expression variants, we design a path-based
metric to evaluate the partial accuracy of expressions of a unified tree. The
results from extensive experiments conducted on Math23K and MAWPS demonstrate
the effectiveness of our proposed MWP-NAS. The codes and checkpoints are
available at: \url{https://github.com/mengqunhan/MWP-NAS}. | cs.CL | Non-Autoregressive Math Word Problem Solver with Unified Tree Structure |
2023-05-08T08:40:30Z | http://arxiv.org/pdf/2305.04547v1 | http://arxiv.org/abs/2305.04547v1 | Zhiyuan Zhang, Deli Chen, Hao Zhou, Fandong Meng, Jie Zhou, Xu Sun | 2023-05-08T08:40:30Z | cs.CL | Pre-trained Language Models (PLMs) may be poisonous with backdoors or bias
injected by the suspicious attacker during the fine-tuning process. A core
challenge of purifying potentially poisonous PLMs is precisely finding
poisonous dimensions. To settle this issue, we propose the Fine-purifying
approach, which utilizes the diffusion theory to study the dynamic process of
fine-tuning for finding potentially poisonous dimensions. According to the
relationship between parameter drifts and Hessians of different dimensions, we
can detect poisonous dimensions with abnormal dynamics, purify them by
resetting them to clean pre-trained weights, and then fine-tune the purified
weights on a small clean dataset. To the best of our knowledge, we are the
first to study the dynamics guided by the diffusion theory for safety or
defense purposes. Experimental results validate the effectiveness of
Fine-purifying even with a small clean dataset. | cs.CL | Diffusion Theory as a Scalpel: Detecting and Purifying Poisonous Dimensions in Pre-trained Language Models Caused by Backdoor or Bias |
2023-05-08T08:09:00Z | http://arxiv.org/pdf/2305.04533v1 | http://arxiv.org/abs/2305.04533v1 | Gibbeum Lee, Volker Hartmann, Jongho Park, Dimitris Papailiopoulos, Kangwook Lee | 2023-05-08T08:09:00Z | cs.CL, cs.AI, cs.LG | In this paper, we propose MPC (Modular Prompted Chatbot), a new approach for
creating high-quality conversational agents without the need for fine-tuning.
Our method utilizes pre-trained large language models (LLMs) as individual
modules for long-term consistency and flexibility, by using techniques such as
few-shot prompting, chain-of-thought (CoT), and external memory. Our human
evaluation results show that MPC is on par with fine-tuned chatbot models in
open-domain conversations, making it an effective solution for creating
consistent and engaging chatbots. | cs.CL | Prompted LLMs as Chatbot Modules for Long Open-domain Conversation |
2023-05-08T08:05:40Z | http://arxiv.org/pdf/2305.04530v1 | http://arxiv.org/abs/2305.04530v1 | Yunxin Li, Baotian Hu, Xinyu Chen, Yuxin Ding, Lin Ma, Min Zhang | 2023-05-08T08:05:40Z | cs.CL | Conditional inference on joint textual and visual clues is a multi-modal
reasoning task that textual clues provide prior permutation or external
knowledge, which are complementary with visual content and pivotal to deducing
the correct option. Previous methods utilizing pretrained vision-language
models (VLMs) have achieved impressive performances, yet they show a lack of
multimodal context reasoning capability, especially for text-modal information.
To address this issue, we propose a Multi-modal Context Reasoning approach,
named ModCR. Compared to VLMs performing reasoning via cross modal semantic
alignment, it regards the given textual abstract semantic and objective image
information as the pre-context information and embeds them into the language
model to perform context reasoning. Different from recent vision-aided language
models used in natural language processing, ModCR incorporates the multi-view
semantic alignment information between language and vision by introducing the
learnable alignment prefix between image and text in the pretrained language
model. This makes the language model well-suitable for such multi-modal
reasoning scenario on joint textual and visual clues. We conduct extensive
experiments on two corresponding data sets and experimental results show
significantly improved performance (exact gain by 4.8% on PMR test set)
compared to previous strong baselines. Code Link:
\url{https://github.com/YunxinLi/Multimodal-Context-Reasoning}. | cs.CL | A Multi-Modal Context Reasoning Approach for Conditional Inference on Joint Textual and Visual Clues |
2023-05-08T07:45:12Z | http://arxiv.org/pdf/2305.04522v1 | http://arxiv.org/abs/2305.04522v1 | Junru Lu, Gabriele Pergola, Lin Gui, Yulan He | 2023-05-08T07:45:12Z | cs.CL | We propose a simple yet effective strategy to incorporate event knowledge
extracted from event trigger annotations via posterior regularization to
improve the event reasoning capability of mainstream question-answering (QA)
models for event-centric QA. In particular, we define event-related knowledge
constraints based on the event trigger annotations in the QA datasets, and
subsequently use them to regularize the posterior answer output probabilities
from the backbone pre-trained language models used in the QA setting. We
explore two different posterior regularization strategies for extractive and
generative QA separately. For extractive QA, the sentence-level event knowledge
constraint is defined by assessing if a sentence contains an answer event or
not, which is later used to modify the answer span extraction probability. For
generative QA, the token-level event knowledge constraint is defined by
comparing the generated token from the backbone language model with the answer
event in order to introduce a reward or penalty term, which essentially adjusts
the answer generative probability indirectly. We conduct experiments on two
event-centric QA datasets, TORQUE and ESTER. The results show that our proposed
approach can effectively inject event knowledge into existing pre-trained
language models and achieves strong performance compared to existing QA models
in answer evaluation. Code and models can be found:
https://github.com/LuJunru/EventQAviaPR. | cs.CL | Event Knowledge Incorporation with Posterior Regularization for Event-Centric Question Answering |
2023-05-08T07:28:16Z | http://arxiv.org/pdf/2305.04518v1 | http://arxiv.org/abs/2305.04518v1 | Guo Lin, Yongfeng Zhang | 2023-05-08T07:28:16Z | cs.IR, cs.CL, cs.LG | This study investigates the feasibility of developing an Artificial General
Recommender (AGR), facilitated by recent advancements in Large Language Models
(LLMs). An AGR comprises both conversationality and universality to engage in
natural dialogues and generate recommendations across various domains. We
propose ten fundamental principles that an AGR should adhere to, each with its
corresponding testing protocols. We proceed to assess whether ChatGPT, a
sophisticated LLM, can comply with the proposed principles by engaging in
recommendation-oriented dialogues with the model while observing its behavior.
Our findings demonstrate the potential for ChatGPT to serve as an AGR, though
several limitations and areas for improvement are identified. | cs.IR | Sparks of Artificial General Recommender (AGR): Early Experiments with ChatGPT |
2023-05-08T07:01:18Z | http://arxiv.org/pdf/2305.04505v2 | http://arxiv.org/abs/2305.04505v2 | Guangsheng Bao, Zhiyang Teng, Yue Zhang | 2023-06-04T11:05:03Z | cs.CL | Document-level machine translation faces the challenge of data sparsity due
to its long input length and a small amount of training data, increasing the
risk of learning spurious patterns. To address this challenge, we propose a
target-side augmentation method, introducing a data augmentation (DA) model to
generate many potential translations for each source document. Learning on
these wider range translations, an MT model can learn a smoothed distribution,
thereby reducing the risk of data sparsity. We demonstrate that the DA model,
which estimates the posterior distribution, largely improves the MT
performance, outperforming the previous best system by 2.30 s-BLEU on News and
achieving new state-of-the-art on News and Europarl benchmarks. Our code is
available at https://github.com/baoguangsheng/target-side-augmentation. | cs.CL | Target-Side Augmentation for Document-Level Machine Translation |
2023-05-08T06:40:24Z | http://arxiv.org/pdf/2305.04493v2 | http://arxiv.org/abs/2305.04493v2 | Guangsheng Bao, Zhiyang Teng, Yue Zhang | 2023-06-22T07:42:08Z | cs.CL | Sequence-to-sequence (seq2seq) models have been widely used for natural
language processing, computer vision, and other deep learning tasks. We find
that seq2seq models trained with early-stopping suffer from issues at the token
level. In particular, while some tokens in the vocabulary demonstrate
overfitting, others underfit when training is stopped. Experiments show that
the phenomena are pervasive in different models, even in fine-tuned large
pretrained-models. We identify three major factors that influence token-level
fitting, which include token frequency, parts-of-speech, and prediction
discrepancy. Further, we find that external factors such as language, model
size, domain, data scale, and pretraining can also influence the fitting of
tokens. | cs.CL | Token-Level Fitting Issues of Seq2seq Models |
2023-05-08T06:36:46Z | http://arxiv.org/pdf/2305.04492v8 | http://arxiv.org/abs/2305.04492v8 | Wei Liu, Haozhao Wang, Jun Wang, Ruixuan Li, Xinyang Li, Yuankai Zhang, Yang Qiu | 2023-07-23T08:54:43Z | cs.LG, cs.CL | Rationalization is to employ a generator and a predictor to construct a
self-explaining NLP model in which the generator selects a subset of
human-intelligible pieces of the input text to the following predictor.
However, rationalization suffers from two key challenges, i.e., spurious
correlation and degeneration, where the predictor overfits the spurious or
meaningless pieces solely selected by the not-yet well-trained generator and in
turn deteriorates the generator. Although many studies have been proposed to
address the two challenges, they are usually designed separately and do not
take both of them into account. In this paper, we propose a simple yet
effective method named MGR to simultaneously solve the two problems. The key
idea of MGR is to employ multiple generators such that the occurrence stability
of real pieces is improved and more meaningful pieces are delivered to the
predictor. Empirically, we show that MGR improves the F1 score by up to 20.9%
as compared to state-of-the-art methods. Codes are available at
https://github.com/jugechengzi/Rationalization-MGR . | cs.LG | MGR: Multi-generator Based Rationalization |
2023-05-08T06:02:10Z | http://arxiv.org/pdf/2305.04476v4 | http://arxiv.org/abs/2305.04476v4 | Ruiqi Li, Rongjie Huang, Lichao Zhang, Jinglin Liu, Zhou Zhao | 2023-05-24T16:37:42Z | eess.AS, cs.CL, cs.MM, cs.SD | The speech-to-singing (STS) voice conversion task aims to generate singing
samples corresponding to speech recordings while facing a major challenge: the
alignment between the target (singing) pitch contour and the source (speech)
content is difficult to learn in a text-free situation. This paper proposes
AlignSTS, an STS model based on explicit cross-modal alignment, which views
speech variance such as pitch and content as different modalities. Inspired by
the mechanism of how humans will sing the lyrics to the melody, AlignSTS: 1)
adopts a novel rhythm adaptor to predict the target rhythm representation to
bridge the modality gap between content and pitch, where the rhythm
representation is computed in a simple yet effective way and is quantized into
a discrete space; and 2) uses the predicted rhythm representation to re-align
the content based on cross-attention and conducts a cross-modal fusion for
re-synthesize. Extensive experiments show that AlignSTS achieves superior
performance in terms of both objective and subjective metrics. Audio samples
are available at https://alignsts.github.io. | eess.AS | AlignSTS: Speech-to-Singing Conversion via Cross-Modal Alignment |
2023-05-08T05:32:22Z | http://arxiv.org/pdf/2305.04465v1 | http://arxiv.org/abs/2305.04465v1 | Zecheng Tang, Pinzheng Wang, Keyan Zhou, Juntao Li, Ziqiang Cao, Min Zhang | 2023-05-08T05:32:22Z | cs.CL | Diffusion models have been successfully adapted to text generation tasks by
mapping the discrete text into the continuous space. However, there exist
nonnegligible gaps between training and inference, owing to the absence of the
forward process during inference. Thus, the model only predicts based on the
previously generated reverse noise rather than the noise computed by the
forward process. Besides, the widely-used downsampling strategy in speeding up
the inference will cause the mismatch of diffusion trajectories between
training and inference. To understand and mitigate the above two types of
training-inference discrepancies, we launch a thorough preliminary study. Based
on our observations, we propose two simple yet effective methods to bridge the
gaps mentioned above, named Distance Penalty and Adaptive Decay Sampling.
Extensive experiments on \textbf{6} generation tasks confirm the superiority of
our methods, which can achieve $100\times \rightarrow 200\times$ speedup with
better performance. | cs.CL | Can Diffusion Model Achieve Better Performance in Text Generation? Bridging the Gap between Training and Inference! |
2023-05-08T05:03:07Z | http://arxiv.org/pdf/2305.04460v1 | http://arxiv.org/abs/2305.04460v1 | Bhanu Prakash Voutharoja, Lizhen Qu, Fatemeh Shiri | 2023-05-08T05:03:07Z | cs.CL, cs.AI | Recent works on form understanding mostly employ multimodal transformers or
large-scale pre-trained language models. These models need ample data for
pre-training. In contrast, humans can usually identify key-value pairings from
a form only by looking at layouts, even if they don't comprehend the language
used. No prior research has been conducted to investigate how helpful layout
information alone is for form understanding. Hence, we propose a unique
entity-relation graph parsing method for scanned forms called LAGNN, a
language-independent Graph Neural Network model. Our model parses a form into a
word-relation graph in order to identify entities and relations jointly and
reduce the time complexity of inference. This graph is then transformed by
deterministic rules into a fully connected entity-relation graph. Our model
simply takes into account relative spacing between bounding boxes from layout
information to facilitate easy transfer across languages. To further improve
the performance of LAGNN, and achieve isomorphism between entity-relation
graphs and word-relation graphs, we use integer linear programming (ILP) based
inference. Code is publicly available at https://github.com/Bhanu068/LAGNN | cs.CL | Language Independent Neuro-Symbolic Semantic Parsing for Form Understanding |
2023-05-08T03:50:38Z | http://arxiv.org/pdf/2305.04446v1 | http://arxiv.org/abs/2305.04446v1 | Junyu Lu, Bo Xu, Xiaokun Zhang, Changrong Min, Liang Yang, Hongfei Lin | 2023-05-08T03:50:38Z | cs.CL, cs.AI | The widespread dissemination of toxic online posts is increasingly damaging
to society. However, research on detecting toxic language in Chinese has lagged
significantly. Existing datasets lack fine-grained annotation of toxic types
and expressions, and ignore the samples with indirect toxicity. In addition, it
is crucial to introduce lexical knowledge to detect the toxicity of posts,
which has been a challenge for researchers. In this paper, we facilitate the
fine-grained detection of Chinese toxic language. First, we built Monitor Toxic
Frame, a hierarchical taxonomy to analyze toxic types and expressions. Then, a
fine-grained dataset ToxiCN is presented, including both direct and indirect
toxic samples. We also build an insult lexicon containing implicit profanity
and propose Toxic Knowledge Enhancement (TKE) as a benchmark, incorporating the
lexical feature to detect toxic language. In the experimental stage, we
demonstrate the effectiveness of TKE. After that, a systematic quantitative and
qualitative analysis of the findings is given. | cs.CL | Facilitating Fine-grained Detection of Chinese Toxic Language: Hierarchical Taxonomy, Resources, and Benchmarks |
2023-05-08T02:50:41Z | http://arxiv.org/pdf/2305.04429v1 | http://arxiv.org/abs/2305.04429v1 | Yang Wu, Yanyan Zhao, Zhongyang Li, Bing Qin, Kai Xiong | 2023-05-08T02:50:41Z | cs.CL | Instruction tuning has been shown to be able to improve cross-task
generalization of language models. However, it is still challenging for
language models to complete the target tasks following the instructions, as the
instructions are general and lack intermediate steps. To address this problem,
we propose to incorporate the step-by-step instructions to help language models
to decompose the tasks, which can provide the detailed and specific procedures
for completing the target tasks. The step-by-step instructions are obtained
automatically by prompting ChatGPT, which are further combined with the
original instructions to tune language models. The extensive experiments on
SUP-NATINST show that the high-quality step-by-step instructions can improve
cross-task generalization across different model sizes. Moreover, the further
analysis indicates the importance of the order of steps of the step-by-step
instruction for the improvement. To facilitate future research, we release the
step-by-step instructions and their human quality evaluation results. | cs.CL | Improving Cross-Task Generalization with Step-by-Step Instructions |
2023-05-08T01:55:53Z | http://arxiv.org/pdf/2305.04417v1 | http://arxiv.org/abs/2305.04417v1 | Jaromir Savelka | 2023-05-08T01:55:53Z | cs.CL, cs.AI | We evaluated the capability of a state-of-the-art generative pre-trained
transformer (GPT) model to perform semantic annotation of short text snippets
(one to few sentences) coming from legal documents of various types.
Discussions of potential uses (e.g., document drafting, summarization) of this
emerging technology in legal domain have intensified, but to date there has not
been a rigorous analysis of these large language models' (LLM) capacity in
sentence-level semantic annotation of legal texts in zero-shot learning
settings. Yet, this particular type of use could unlock many practical
applications (e.g., in contract review) and research opportunities (e.g., in
empirical legal studies). We fill the gap with this study. We examined if and
how successfully the model can semantically annotate small batches of short
text snippets (10-50) based exclusively on concise definitions of the semantic
types. We found that the GPT model performs surprisingly well in zero-shot
settings on diverse types of documents (F1=.73 on a task involving court
opinions, .86 for contracts, and .54 for statutes and regulations). These
findings can be leveraged by legal scholars and practicing lawyers alike to
guide their decisions in integrating LLMs in wide range of workflows involving
semantic annotation of legal texts. | cs.CL | Unlocking Practical Applications in Legal Domain: Evaluation of GPT for Zero-Shot Semantic Annotation of Legal Texts |
2023-05-08T01:02:52Z | http://arxiv.org/pdf/2305.04400v1 | http://arxiv.org/abs/2305.04400v1 | Gaurav Suri, Lily R. Slater, Ali Ziaee, Morgan Nguyen | 2023-05-08T01:02:52Z | cs.AI, cs.CL, q-bio.NC | A Large Language Model (LLM) is an artificial intelligence system that has
been trained on vast amounts of natural language data, enabling it to generate
human-like responses to written or spoken language input. GPT-3.5 is an example
of an LLM that supports a conversational agent called ChatGPT. In this work, we
used a series of novel prompts to determine whether ChatGPT shows heuristics,
biases, and other decision effects. We also tested the same prompts on human
participants. Across four studies, we found that ChatGPT was influenced by
random anchors in making estimates (Anchoring Heuristic, Study 1); it judged
the likelihood of two events occurring together to be higher than the
likelihood of either event occurring alone, and it was erroneously influenced
by salient anecdotal information (Representativeness and Availability
Heuristic, Study 2); it found an item to be more efficacious when its features
were presented positively rather than negatively - even though both
presentations contained identical information (Framing Effect, Study 3); and it
valued an owned item more than a newly found item even though the two items
were identical (Endowment Effect, Study 4). In each study, human participants
showed similar effects. Heuristics and related decision effects in humans are
thought to be driven by cognitive and affective processes such as loss aversion
and effort reduction. The fact that an LLM - which lacks these processes - also
shows such effects invites consideration of the possibility that language may
play a role in generating these effects in humans. | cs.AI | Do Large Language Models Show Decision Heuristics Similar to Humans? A Case Study Using GPT-3.5 |
2023-05-07T22:44:25Z | http://arxiv.org/pdf/2305.04388v2 | http://arxiv.org/abs/2305.04388v2 | Miles Turpin, Julian Michael, Ethan Perez, Samuel R. Bowman | 2023-12-09T21:25:02Z | cs.CL, cs.AI | Large Language Models (LLMs) can achieve strong performance on many tasks by
producing step-by-step reasoning before giving a final output, often referred
to as chain-of-thought reasoning (CoT). It is tempting to interpret these CoT
explanations as the LLM's process for solving a task. This level of
transparency into LLMs' predictions would yield significant safety benefits.
However, we find that CoT explanations can systematically misrepresent the true
reason for a model's prediction. We demonstrate that CoT explanations can be
heavily influenced by adding biasing features to model inputs--e.g., by
reordering the multiple-choice options in a few-shot prompt to make the answer
always "(A)"--which models systematically fail to mention in their
explanations. When we bias models toward incorrect answers, they frequently
generate CoT explanations rationalizing those answers. This causes accuracy to
drop by as much as 36% on a suite of 13 tasks from BIG-Bench Hard, when testing
with GPT-3.5 from OpenAI and Claude 1.0 from Anthropic. On a social-bias task,
model explanations justify giving answers in line with stereotypes without
mentioning the influence of these social biases. Our findings indicate that CoT
explanations can be plausible yet misleading, which risks increasing our trust
in LLMs without guaranteeing their safety. Building more transparent and
explainable systems will require either improving CoT faithfulness through
targeted efforts or abandoning CoT in favor of alternative methods. | cs.CL | Language Models Don't Always Say What They Think: Unfaithful Explanations in Chain-of-Thought Prompting |
2023-05-07T19:59:01Z | http://arxiv.org/pdf/2305.04365v1 | http://arxiv.org/abs/2305.04365v1 | Patrick J. Burns | 2023-05-07T19:59:01Z | cs.CL | This paper introduces LatinCy, a set of trained general purpose
Latin-language "core" pipelines for use with the spaCy natural language
processing framework. The models are trained on a large amount of available
Latin data, including all five of the Latin Universal Dependency treebanks,
which have been preprocessed to be compatible with each other. The result is a
set of general models for Latin with good performance on a number of natural
language processing tasks (e.g. the top-performing model yields POS tagging,
97.41% accuracy; lemmatization, 94.66% accuracy; morphological tagging 92.76%
accuracy). The paper describes the model training, including its training data
and parameterization, and presents the advantages to Latin-language researchers
of having a spaCy model available for NLP work. | cs.CL | LatinCy: Synthetic Trained Pipelines for Latin NLP |
2023-05-07T18:58:54Z | http://arxiv.org/pdf/2305.04356v1 | http://arxiv.org/abs/2305.04356v1 | Hee Jung Choi, Trevor Chow, Aaron Wan, Hong Meng Yam, Swetha Yogeswaran, Beining Zhou | 2023-05-07T18:58:54Z | cs.CL, cs.LG | In this paper, we discuss the methods we applied at SemEval-2023 Task 10:
Towards the Explainable Detection of Online Sexism. Given an input text, we
perform three classification tasks to predict whether the text is sexist and
classify the sexist text into subcategories in order to provide an additional
explanation as to why the text is sexist. We explored many different types of
models, including GloVe embeddings as the baseline approach, transformer-based
deep learning models like BERT, RoBERTa, and DeBERTa, ensemble models, and
model blending. We explored various data cleaning and augmentation methods to
improve model performance. Pre-training transformer models yielded significant
improvements in performance, and ensembles and blending slightly improved
robustness in the F1 score. | cs.CL | Stanford MLab at SemEval-2023 Task 10: Exploring GloVe- and Transformer-Based Methods for the Explainable Detection of Online Sexism |
2023-05-07T17:53:08Z | http://arxiv.org/pdf/2305.04346v1 | http://arxiv.org/abs/2305.04346v1 | Maxwell Crouse, Pavan Kapanipathi, Subhajit Chaudhury, Tahira Naseem, Ramon Astudillo, Achille Fokoue, Tim Klinger | 2023-05-07T17:53:08Z | cs.CL, cs.AI | Nearly all general-purpose neural semantic parsers generate logical forms in
a strictly top-down autoregressive fashion. Though such systems have achieved
impressive results across a variety of datasets and domains, recent works have
called into question whether they are ultimately limited in their ability to
compositionally generalize. In this work, we approach semantic parsing from,
quite literally, the opposite direction; that is, we introduce a neural
semantic parsing generation method that constructs logical forms from the
bottom up, beginning from the logical form's leaves. The system we introduce is
lazy in that it incrementally builds up a set of potential semantic parses, but
only expands and processes the most promising candidate parses at each
generation step. Such a parsimonious expansion scheme allows the system to
maintain an arbitrarily large set of parse hypotheses that are never realized
and thus incur minimal computational overhead. We evaluate our approach on
compositional generalization; specifically, on the challenging CFQ dataset and
three Text-to-SQL datasets where we show that our novel, bottom-up semantic
parsing technique outperforms general-purpose semantic parsers while also being
competitive with comparable neural parsers that have been designed for each
task. | cs.CL | Laziness Is a Virtue When It Comes to Compositionality in Neural Semantic Parsing |
2023-05-07T17:45:47Z | http://arxiv.org/pdf/2305.04344v1 | http://arxiv.org/abs/2305.04344v1 | Deepak Gupta, Dina Demner-Fushman | 2023-05-07T17:45:47Z | cs.CL | Pre-trained language models (PLMs) have proven to be effective for document
re-ranking task. However, they lack the ability to fully interpret the
semantics of biomedical and health-care queries and often rely on simplistic
patterns for retrieving documents. To address this challenge, we propose an
approach that integrates knowledge and the PLMs to guide the model toward
effectively capturing information from external sources and retrieving the
correct documents. We performed comprehensive experiments on two biomedical and
open-domain datasets that show that our approach significantly improves vanilla
PLMs and other existing approaches for document re-ranking task. | cs.CL | Empowering Language Model with Guided Knowledge Fusion for Biomedical Document Re-ranking |
2023-05-07T16:52:21Z | http://arxiv.org/pdf/2305.04329v2 | http://arxiv.org/abs/2305.04329v2 | Anku Rani, S. M Towhidul Islam Tonmoy, Dwip Dalal, Shreya Gautam, Megha Chakraborty, Aman Chadha, Amit Sheth, Amitava Das | 2023-05-28T16:33:06Z | cs.CL | Automatic fact verification has received significant attention recently.
Contemporary automatic fact-checking systems focus on estimating truthfulness
using numerical scores which are not human-interpretable. A human fact-checker
generally follows several logical steps to verify a verisimilitude claim and
conclude whether its truthful or a mere masquerade. Popular fact-checking
websites follow a common structure for fact categorization such as half true,
half false, false, pants on fire, etc. Therefore, it is necessary to have an
aspect-based (delineating which part(s) are true and which are false)
explainable system that can assist human fact-checkers in asking relevant
questions related to a fact, which can then be validated separately to reach a
final verdict. In this paper, we propose a 5W framework (who, what, when,
where, and why) for question-answer-based fact explainability. To that end, we
present a semi-automatically generated dataset called FACTIFY-5WQA, which
consists of 391, 041 facts along with relevant 5W QAs - underscoring our major
contribution to this paper. A semantic role labeling system has been utilized
to locate 5Ws, which generates QA pairs for claims using a masked language
model. Finally, we report a baseline QA system to automatically locate those
answers from evidence documents, which can serve as a baseline for future
research in the field. Lastly, we propose a robust fact verification system
that takes paraphrased claims and automatically validates them. The dataset and
the baseline model are available at https: //github.com/ankuranii/acl-5W-QA | cs.CL | FACTIFY-5WQA: 5W Aspect-based Fact Verification through Question Answering |
2023-05-07T16:07:11Z | http://arxiv.org/pdf/2305.04320v2 | http://arxiv.org/abs/2305.04320v2 | Xiaonan Li, Kai Lv, Hang Yan, Tianyang Lin, Wei Zhu, Yuan Ni, Guotong Xie, Xiaoling Wang, Xipeng Qiu | 2023-05-16T05:59:25Z | cs.CL | In-context learning is a new learning paradigm where a language model
conditions on a few input-output pairs (demonstrations) and a test input, and
directly outputs the prediction. It has been shown highly dependent on the
provided demonstrations and thus promotes the research of demonstration
retrieval: given a test input, relevant examples are retrieved from the
training set to serve as informative demonstrations for in-context learning.
While previous works focus on training task-specific retrievers for several
tasks separately, these methods are often hard to transfer and scale on various
tasks, and separately trained retrievers incur a lot of parameter storage and
deployment cost. In this paper, we propose Unified Demonstration Retriever
(\textbf{UDR}), a single model to retrieve demonstrations for a wide range of
tasks. To train UDR, we cast various tasks' training signals into a unified
list-wise ranking formulation by language model's feedback. Then we propose a
multi-task list-wise ranking training framework, with an iterative mining
strategy to find high-quality candidates, which can help UDR fully incorporate
various tasks' signals. Experiments on 30+ tasks across 13 task families and
multiple data domains show that UDR significantly outperforms baselines.
Further analyses show the effectiveness of each proposed component and UDR's
strong ability in various scenarios including different LMs (1.3B - 175B),
unseen datasets, varying demonstration quantities, etc. | cs.CL | Unified Demonstration Retriever for In-Context Learning |
2023-05-07T15:10:59Z | http://arxiv.org/pdf/2305.06273v1 | http://arxiv.org/abs/2305.06273v1 | Lei Kang, Lichao Zhang, Dazhi Jiang | 2023-05-07T15:10:59Z | cs.CL, cs.SD, eess.AS | Speech Emotion Recognition (SER) is to recognize human emotions in a natural
verbal interaction scenario with machines, which is considered as a challenging
problem due to the ambiguous human emotions. Despite the recent progress in
SER, state-of-the-art models struggle to achieve a satisfactory performance. We
propose a self-attention based method with combined use of label-adaptive mixup
and center loss. By adapting label probabilities in mixup and fitting center
loss to the mixup training scheme, our proposed method achieves a superior
performance to the state-of-the-art methods. | cs.CL | Learning Robust Self-attention Features for Speech Emotion Recognition with Label-adaptive Mixup |
2023-05-07T14:57:42Z | http://arxiv.org/pdf/2305.04297v1 | http://arxiv.org/abs/2305.04297v1 | Yijun Wang, Changzhi Sun, Yuanbin Wu, Lei Li, Junchi Yan, Hao Zhou | 2023-05-07T14:57:42Z | cs.CL | Entity relation extraction consists of two sub-tasks: entity recognition and
relation extraction. Existing methods either tackle these two tasks separately
or unify them with word-by-word interactions. In this paper, we propose HIORE,
a new method for unified entity relation extraction. The key insight is to
leverage the high-order interactions, i.e., the complex association among word
pairs, which contains richer information than the first-order word-by-word
interactions. For this purpose, we first devise a W-shape DNN (WNet) to capture
coarse-level high-order connections. Then, we build a heuristic high-order
graph and further calibrate the representations with a graph neural network
(GNN). Experiments on three benchmarks (ACE04, ACE05, SciERC) show that HIORE
achieves the state-of-the-art performance on relation extraction and an
improvement of 1.1~1.8 F1 points over the prior best unified model. | cs.CL | HIORE: Leveraging High-order Interactions for Unified Entity Relation Extraction |
2023-05-07T13:03:17Z | http://arxiv.org/pdf/2305.04265v1 | http://arxiv.org/abs/2305.04265v1 | Didier Gohourou, Kazuhiro Kuwabara | 2023-05-07T13:03:17Z | cs.CL | Vector representations obtained from word embedding are the source of many
groundbreaking advances in natural language processing. They yield word
representations that are capable of capturing semantics and analogies of words
within a text corpus. This study is an investigation in an attempt to elicit a
vector representation of relationships between pairs of word vectors. We use
six pooling strategies to represent vector relationships. Different types of
clustering models are applied to analyze which one correctly groups
relationship types. Subtraction pooling coupled with a centroid based
clustering mechanism shows better performances in our experimental setup. This
work aims to provide directions for a word embedding based unsupervised method
to identify the nature of a relationship represented by a pair of words. | cs.CL | An Investigation on Word Embedding Offset Clustering as Relationship Classification |
2023-05-07T12:30:24Z | http://arxiv.org/pdf/2305.04934v2 | http://arxiv.org/abs/2305.04934v2 | Markus J. Buehler | 2023-07-11T12:41:39Z | q-bio.BM, cond-mat.dis-nn, cond-mat.soft, cs.CL, cs.LG | We report a flexible language-model based deep learning strategy, applied
here to solve complex forward and inverse problems in protein modeling, based
on an attention neural network that integrates transformer and graph
convolutional architectures in a causal multi-headed graph mechanism, to
realize a generative pretrained model. The model is applied to predict
secondary structure content (per-residue level and overall content), protein
solubility, and sequencing tasks. Further trained on inverse tasks, the model
is rendered capable of designing proteins with these properties as target
features. The model is formulated as a general framework, completely
prompt-based, and can be adapted for a variety of downstream tasks. We find
that adding additional tasks yields emergent synergies that the model exploits
in improving overall performance, beyond what would be possible by training a
model on each dataset alone. Case studies are presented to validate the method,
yielding protein designs specifically focused on structural proteins, but also
exploring the applicability in the design of soluble, antimicrobial
biomaterials. While our model is trained to ultimately perform 8 distinct
tasks, with available datasets it can be extended to solve additional problems.
In a broader sense, this work illustrates a form of multiscale modeling that
relates a set of ultimate building blocks (here, byte-level utf8 characters
that define the nature of the physical system at hand) to complex output. This
materiomic scheme captures complex emergent relationships between universal
building block and resulting properties via a synergizing learning capacity to
express a set of potentialities embedded in the knowledge used in training, via
the interplay of universality and diversity. | q-bio.BM | Generative Pretrained Autoregressive Transformer Graph Neural Network applied to the Analysis and Discovery of Novel Proteins |
2023-05-07T10:32:18Z | http://arxiv.org/pdf/2305.04241v2 | http://arxiv.org/abs/2305.04241v2 | Zhanpeng Zeng, Cole Hawkins, Mingyi Hong, Aston Zhang, Nikolaos Pappas, Vikas Singh, Shuai Zheng | 2023-05-27T04:17:13Z | cs.CL, cs.LG | Transformers are central in modern natural language processing and computer
vision applications. Despite recent works devoted to reducing the quadratic
cost of such models (as a function of the sequence length), dealing with ultra
long sequences (e.g., with more than 16K tokens) remains challenging.
Applications such as answering questions based on a book or summarizing a
scientific article are inefficient or infeasible. Here, we propose to
significantly improve the efficiency of Transformers for ultra long sequences,
by compressing the sequence into a much smaller representation at each layer.
Specifically, by exploiting the fact that in many tasks, only a small subset of
special tokens (we call VIP-tokens) are most relevant to the final prediction,
we propose a VIP-token centric compression (VCC) scheme which selectively
compresses the sequence based on their impact on approximating the
representation of the VIP-tokens. Compared with competitive baselines, our
algorithm is not only efficient (achieving more than $3\times$ efficiency gain
compared to baselines on 4K and 16K lengths), but also offers
competitive/better performance on a large number of tasks. Further, we show
that our algorithm scales to 128K tokens (or more) while consistently offering
accuracy improvement. | cs.CL | Vcc: Scaling Transformers to 128K Tokens or More by Prioritizing Important Tokens |
2023-05-07T07:42:22Z | http://arxiv.org/pdf/2305.06155v1 | http://arxiv.org/abs/2305.06155v1 | Sarthak Mittal, Oleksii Hrinchuk, Oleksii Kuchaiev | 2023-05-07T07:42:22Z | cs.CL, cs.AI, cs.LG | In this work, we provide a recipe for training machine translation models in
a limited resource setting by leveraging synthetic target data generated using
a large pre-trained model. We show that consistently across different
benchmarks in bilingual, multilingual, and speech translation setups, training
models on synthetic targets outperforms training on the actual ground-truth
data. This performance gap grows bigger with increasing limits on the amount of
available resources in the form of the size of the dataset and the number of
parameters in the model. We also provide preliminary analysis into whether this
boost in performance is linked to ease of optimization or more deterministic
nature of the predictions, and whether this paradigm leads to better
out-of-distribution performance across different testing domains. | cs.CL | Leveraging Synthetic Targets for Machine Translation |
2023-05-07T06:48:06Z | http://arxiv.org/pdf/2305.06162v3 | http://arxiv.org/abs/2305.06162v3 | Sixia Li, Shogo Okada | 2023-05-12T00:39:13Z | cs.CL, cs.LG, cs.MM | Multimodal sentiment analysis is an important area for understanding the
user's internal states. Deep learning methods were effective, but the problem
of poor interpretability has gradually gained attention. Previous works have
attempted to use attention weights or vector distributions to provide
interpretability. However, their explanations were not intuitive and can be
influenced by different trained models. This study proposed a novel approach to
provide interpretability by converting nonverbal modalities into text
descriptions and by using large-scale language models for sentiment
predictions. This provides an intuitive approach to directly interpret what
models depend on with respect to making decisions from input texts, thus
significantly improving interpretability. Specifically, we convert descriptions
based on two feature patterns for the audio modality and discrete action units
for the facial modality. Experimental results on two sentiment analysis tasks
demonstrated that the proposed approach maintained, or even improved
effectiveness for sentiment analysis compared to baselines using conventional
features, with the highest improvement of 2.49% on the F1 score. The results
also showed that multimodal descriptions have similar characteristics on fusing
modalities as those of conventional fusion methods. The results demonstrated
that the proposed approach is interpretable and effective for multimodal
sentiment analysis. | cs.CL | Interpretable multimodal sentiment analysis based on textual modality descriptions by using large-scale language models |
2023-05-07T05:40:48Z | http://arxiv.org/pdf/2305.04195v3 | http://arxiv.org/abs/2305.04195v3 | Sheng Yan, Yang Liu, Haoqiang Wang, Xin Du, Mengyuan Liu, Hong Liu | 2023-10-03T04:42:09Z | cs.CV, cs.CL | Cross-modal retrieval of image-text and video-text is a prominent research
area in computer vision and natural language processing. However, there has
been insufficient attention given to cross-modal retrieval between human motion
and text, despite its wide-ranging applicability. To address this gap, we
utilize a concise yet effective dual-unimodal transformer encoder for tackling
this task. Recognizing that overlapping atomic actions in different human
motion sequences can lead to semantic conflicts between samples, we explore a
novel triplet loss function called DropTriple Loss. This loss function discards
false negative samples from the negative sample set and focuses on mining
remaining genuinely hard negative samples for triplet training, thereby
reducing violations they cause. We evaluate our model and approach on the
HumanML3D and KIT Motion-Language datasets. On the latest HumanML3D dataset, we
achieve a recall of 62.9% for motion retrieval and 71.5% for text retrieval
(both based on R@10). The source code for our approach is publicly available at
https://github.com/eanson023/rehamot. | cs.CV | Cross-Modal Retrieval for Motion and Text via DopTriple Loss |
2023-05-07T03:59:31Z | http://arxiv.org/pdf/2305.04183v1 | http://arxiv.org/abs/2305.04183v1 | Nghia Hieu Nguyen, Duong T. D. Vo, Kiet Van Nguyen, Ngan Luu-Thuy Nguyen | 2023-05-07T03:59:31Z | cs.CL | In recent years, visual question answering (VQA) has attracted attention from
the research community because of its highly potential applications (such as
virtual assistance on intelligent cars, assistant devices for blind people, or
information retrieval from document images using natural language as queries)
and challenge. The VQA task requires methods that have the ability to fuse the
information from questions and images to produce appropriate answers. Neural
visual question answering models have achieved tremendous growth on large-scale
datasets which are mostly for resource-rich languages such as English. However,
available datasets narrow the VQA task as the answers selection task or answer
classification task. We argue that this form of VQA is far from human ability
and eliminates the challenge of the answering aspect in the VQA task by just
selecting answers rather than generating them. In this paper, we introduce the
OpenViVQA (Open-domain Vietnamese Visual Question Answering) dataset, the first
large-scale dataset for VQA with open-ended answers in Vietnamese, consists of
11,000+ images associated with 37,000+ question-answer pairs (QAs). Moreover,
we proposed FST, QuMLAG, and MLPAG which fuse information from images and
answers, then use these fused features to construct answers as humans
iteratively. Our proposed methods achieve results that are competitive with
SOTA models such as SAAA, MCAN, LORA, and M4C. The dataset is available to
encourage the research community to develop more generalized algorithms
including transformers for low-resource languages such as Vietnamese. | cs.CL | OpenViVQA: Task, Dataset, and Multimodal Fusion Models for Visual Question Answering in Vietnamese |
2023-05-07T03:47:05Z | http://arxiv.org/pdf/2305.04181v1 | http://arxiv.org/abs/2305.04181v1 | Kuicai Dong, Aixin Sun, Jung-Jae Kim, Xiaoli Li | 2023-05-07T03:47:05Z | cs.CL, cs.AI | Open Information Extraction (OIE) aims to extract factual relational tuples
from open-domain sentences. Downstream tasks use the extracted OIE tuples as
facts, without examining the certainty of these facts. However,
uncertainty/speculation is a common linguistic phenomenon. Existing studies on
speculation detection are defined at sentence level, but even if a sentence is
determined to be speculative, not all tuples extracted from it may be
speculative. In this paper, we propose to study speculations in OIE and aim to
determine whether an extracted tuple is speculative. We formally define the
research problem of tuple-level speculation detection and conduct a detailed
data analysis on the LSOIE dataset which contains labels for speculative
tuples. Lastly, we propose a baseline model OIE-Spec for this new research
task. | cs.CL | Shall We Trust All Relational Tuples by Open Information Extraction? A Study on Speculation Detection |
2023-05-07T03:29:55Z | http://arxiv.org/pdf/2305.04177v1 | http://arxiv.org/abs/2305.04177v1 | Anastasia Razdaibiedina, Alexander Brechalov | 2023-05-07T03:29:55Z | cs.CL, cs.AI | Learning semantically meaningful representations from scientific documents
can facilitate academic literature search and improve performance of
recommendation systems. Pre-trained language models have been shown to learn
rich textual representations, yet they cannot provide powerful document-level
representations for scientific articles. We propose MIReAD, a simple method
that learns high-quality representations of scientific papers by fine-tuning
transformer model to predict the target journal class based on the abstract. We
train MIReAD on more than 500,000 PubMed and arXiv abstracts across over 2,000
journal classes. We show that MIReAD produces representations that can be used
for similar papers retrieval, topic categorization and literature search. Our
proposed approach outperforms six existing models for representation learning
on scientific documents across four evaluation standards. | cs.CL | MIReAD: Simple Method for Learning High-quality Representations from Scientific Documents |
2023-05-07T02:48:47Z | http://arxiv.org/pdf/2305.04166v2 | http://arxiv.org/abs/2305.04166v2 | Doanh C. Bui, Nghia Hieu Nguyen, Khang Nguyen | 2023-05-09T12:46:06Z | cs.CV, cs.CL | Image Captioning is one of the vision-language tasks that still interest the
research community worldwide in the 2020s. MS-COCO Caption benchmark is
commonly used to evaluate the performance of advanced captioning models,
although it was published in 2015. Recent captioning models trained on the
MS-COCO Caption dataset only have good performance in language patterns of
English; they do not have such good performance in contexts captured in Vietnam
or fluently caption images using Vietnamese. To contribute to the low-resources
research community as in Vietnam, we introduce a novel image captioning dataset
in Vietnamese, the Open-domain Vietnamese Image Captioning dataset
(UIT-OpenViIC). The introduced dataset includes complex scenes captured in
Vietnam and manually annotated by Vietnamese under strict rules and
supervision. In this paper, we present in more detail the dataset creation
process. From preliminary analysis, we show that our dataset is challenging to
recent state-of-the-art (SOTA) Transformer-based baselines, which performed
well on the MS COCO dataset. Then, the modest results prove that UIT-OpenViIC
has room to grow, which can be one of the standard benchmarks in Vietnamese for
the research community to evaluate their captioning models. Furthermore, we
present a CAMO approach that effectively enhances the image representation
ability by a multi-level encoder output fusion mechanism, which helps improve
the quality of generated captions compared to previous captioning models. | cs.CV | UIT-OpenViIC: A Novel Benchmark for Evaluating Image Captioning in Vietnamese |
2023-05-07T02:25:42Z | http://arxiv.org/pdf/2305.04160v3 | http://arxiv.org/abs/2305.04160v3 | Feilong Chen, Minglun Han, Haozhi Zhao, Qingyang Zhang, Jing Shi, Shuang Xu, Bo Xu | 2023-05-22T02:37:02Z | cs.CL, cs.AI, cs.CV, eess.AS | Large language models (LLMs) have demonstrated remarkable language abilities.
GPT-4, based on advanced LLMs, exhibits extraordinary multimodal capabilities
beyond previous visual language models. We attribute this to the use of more
advanced LLMs compared with previous multimodal models. Unfortunately, the
model architecture and training strategies of GPT-4 are unknown. To endow LLMs
with multimodal capabilities, we propose X-LLM, which converts Multi-modalities
(images, speech, videos) into foreign languages using X2L interfaces and inputs
them into a large Language model (ChatGLM). Specifically, X-LLM aligns multiple
frozen single-modal encoders and a frozen LLM using X2L interfaces, where ``X''
denotes multi-modalities such as image, speech, and videos, and ``L'' denotes
languages. X-LLM's training consists of three stages: (1) Converting Multimodal
Information: The first stage trains each X2L interface to align with its
respective single-modal encoder separately to convert multimodal information
into languages. (2) Aligning X2L representations with the LLM: single-modal
encoders are aligned with the LLM through X2L interfaces independently. (3)
Integrating multiple modalities: all single-modal encoders are aligned with the
LLM through X2L interfaces to integrate multimodal capabilities into the LLM.
Our experiments show that X-LLM demonstrates impressive multimodel chat
abilities, sometimes exhibiting the behaviors of multimodal GPT-4 on unseen
images/instructions, and yields a 84.5\% relative score compared with GPT-4 on
a synthetic multimodal instruction-following dataset. And we also conduct
quantitative tests on using LLM for ASR and multimodal ASR, hoping to promote
the era of LLM-based speech recognition. | cs.CL | X-LLM: Bootstrapping Advanced Large Language Models by Treating Multi-Modalities as Foreign Languages |
2023-05-07T00:16:30Z | http://arxiv.org/pdf/2305.10408v1 | http://arxiv.org/abs/2305.10408v1 | Rodrigo Veiga, Markus Endler, Valeria de Paiva | 2023-05-07T00:16:30Z | cs.IR, cs.CL, cs.CR | Blockchains provide a mechanism through which mutually distrustful remote
parties can reach consensus on the state of a ledger of information. With the
great acceleration with which this space is developed, the demand for those
seeking to learn about blockchain also grows. Being a technical subject, it can
be quite intimidating to start learning. For this reason, the main objective of
this project was to apply machine learning models to extract information from
whitepapers and academic articles focused on the blockchain area to organize
this information and aid users to navigate the space. | cs.IR | Extracting Blockchain Concepts from Text |
2023-05-06T23:11:25Z | http://arxiv.org/pdf/2305.04147v1 | http://arxiv.org/abs/2305.04147v1 | Maximillian Chen, Xiao Yu, Weiyan Shi, Urvi Awasthi, Zhou Yu | 2023-05-06T23:11:25Z | cs.CL, cs.AI, cs.HC | Mixed-initiative dialogue tasks involve repeated exchanges of information and
conversational control. Conversational agents gain control by generating
responses that follow particular dialogue intents or strategies, prescribed by
a policy planner. The standard approach has been fine-tuning pre-trained
language models to perform generation conditioned on these intents. However,
these supervised generation models are limited by the cost and quality of data
annotation. We instead prompt large language models as a drop-in replacement to
fine-tuning on conditional generation. We formalize prompt construction for
controllable mixed-initiative dialogue. Our findings show improvements over
fine-tuning and ground truth responses according to human evaluation and
automatic metrics for two tasks: PersuasionForGood and Emotional Support
Conversations. | cs.CL | Controllable Mixed-Initiative Dialogue Generation through Prompting |
2023-05-06T19:03:12Z | http://arxiv.org/pdf/2305.04118v3 | http://arxiv.org/abs/2305.04118v3 | Zhiwei He, Tian Liang, Wenxiang Jiao, Zhuosheng Zhang, Yujiu Yang, Rui Wang, Zhaopeng Tu, Shuming Shi, Xing Wang | 2023-11-29T13:52:23Z | cs.CL | Large language models (LLMs) have demonstrated impressive capabilities in
general scenarios, exhibiting a level of aptitude that approaches, in some
aspects even surpasses, human-level intelligence. Among their numerous skills,
the translation abilities of LLMs have received considerable attention.
Compared to typical machine translation that focuses solely on source-to-target
mapping, LLM-based translation can potentially mimic the human translation
process which might take preparatory steps to ensure high-quality translation.
This work explores this possibility by proposing the MAPS framework, which
stands for Multi-Aspect Prompting and Selection. Specifically, we enable LLMs
first to analyze the given source sentence and induce three aspects of
translation-related knowledge: keywords, topics, and relevant demonstrations to
guide the final translation process. Moreover, we employ a selection mechanism
based on quality estimation to filter out noisy and unhelpful knowledge. Both
automatic (3 LLMs x 11 directions x 2 automatic metrics) and human evaluation
(preference study and MQM) demonstrate the effectiveness of MAPS. Further
analysis shows that by mimicking the human translation process, MAPS reduces
various translation errors such as hallucination, ambiguity, mistranslation,
awkward style, untranslated text, and omission. Source code is available at
https://github.com/zwhe99/MAPS-mt. | cs.CL | Exploring Human-Like Translation Strategy with Large Language Models |
2023-05-06T17:49:41Z | http://arxiv.org/pdf/2305.04105v2 | http://arxiv.org/abs/2305.04105v2 | Faria Binte Kader, Nafisa Hossain Nujat, Tasmia Binte Sogir, Mohsinul Kabir, Hasan Mahmud, Kamrul Hasan | 2023-06-16T15:11:03Z | cs.CL | Sarcasm is a form of figurative language that serves as a humorous tool for
mockery and ridicule. We present a novel architecture for sarcasm generation
with emoji from a non-sarcastic input sentence in English. We divide the
generation task into two sub tasks: one for generating textual sarcasm and
another for collecting emojis associated with those sarcastic sentences. Two
key elements of sarcasm are incorporated into the textual sarcasm generation
task: valence reversal and semantic incongruity with context, where the context
may involve shared commonsense or general knowledge between the speaker and
their audience. The majority of existing sarcasm generation works have focused
on this textual form. However, in the real world, when written texts fall short
of effectively capturing the emotional cues of spoken and face-to-face
communication, people often opt for emojis to accurately express their
emotions. Due to the wide range of applications of emojis, incorporating
appropriate emojis to generate textual sarcastic sentences helps advance
sarcasm generation. We conclude our study by evaluating the generated sarcastic
sentences using human judgement. All the codes and data used in this study has
been made publicly available. | cs.CL | "When Words Fail, Emojis Prevail": Generating Sarcastic Utterances with Emoji Using Valence Reversal and Semantic Incongruity |
2023-05-06T17:04:51Z | http://arxiv.org/pdf/2305.04100v1 | http://arxiv.org/abs/2305.04100v1 | Anshika Gupta, Shaz Furniturewala, Vijay Kumari, Yashvardhan Sharma | 2023-05-06T17:04:51Z | cs.CL | A legal document is usually long and dense requiring human effort to parse
it. It also contains significant amounts of jargon which make deriving insights
from it using existing models a poor approach. This paper presents the
approaches undertaken to perform the task of rhetorical role labelling on
Indian Court Judgements as part of SemEval Task 6: understanding legal texts,
shared subtask A. We experiment with graph based approaches like Graph
Convolutional Networks and Label Propagation Algorithm, and transformer-based
approaches including variants of BERT to improve accuracy scores on text
classification of complex legal documents. | cs.CL | Rhetorical Role Labeling of Legal Documents using Transformers and Graph Neural Networks |
2023-05-06T16:43:29Z | http://arxiv.org/pdf/2305.06174v2 | http://arxiv.org/abs/2305.06174v2 | Tunazzina Islam, Ruqi Zhang, Dan Goldwasser | 2023-06-30T18:06:50Z | cs.CL, cs.AI, cs.CY, cs.LG, cs.SI | Climate change is the defining issue of our time, and we are at a defining
moment. Various interest groups, social movement organizations, and individuals
engage in collective action on this issue on social media. In addition, issue
advocacy campaigns on social media often arise in response to ongoing societal
concerns, especially those faced by energy industries. Our goal in this paper
is to analyze how those industries, their advocacy group, and climate advocacy
group use social media to influence the narrative on climate change. In this
work, we propose a minimally supervised model soup [57] approach combined with
messaging themes to identify the stances of climate ads on Facebook. Finally,
we release our stance dataset, model, and set of themes related to climate
campaigns for future work on opinion mining and the automatic detection of
climate change stances. | cs.CL | Analysis of Climate Campaigns on Social Media using Bayesian Model Averaging |
2023-05-06T16:34:37Z | http://arxiv.org/pdf/2305.04091v3 | http://arxiv.org/abs/2305.04091v3 | Lei Wang, Wanyu Xu, Yihuai Lan, Zhiqiang Hu, Yunshi Lan, Roy Ka-Wei Lee, Ee-Peng Lim | 2023-05-26T07:06:48Z | cs.CL | Large language models (LLMs) have recently been shown to deliver impressive
performance in various NLP tasks. To tackle multi-step reasoning tasks,
few-shot chain-of-thought (CoT) prompting includes a few manually crafted
step-by-step reasoning demonstrations which enable LLMs to explicitly generate
reasoning steps and improve their reasoning task accuracy. To eliminate the
manual effort, Zero-shot-CoT concatenates the target problem statement with
"Let's think step by step" as an input prompt to LLMs. Despite the success of
Zero-shot-CoT, it still suffers from three pitfalls: calculation errors,
missing-step errors, and semantic misunderstanding errors. To address the
missing-step errors, we propose Plan-and-Solve (PS) Prompting. It consists of
two components: first, devising a plan to divide the entire task into smaller
subtasks, and then carrying out the subtasks according to the plan. To address
the calculation errors and improve the quality of generated reasoning steps, we
extend PS prompting with more detailed instructions and derive PS+ prompting.
We evaluate our proposed prompting strategy on ten datasets across three
reasoning problems. The experimental results over GPT-3 show that our proposed
zero-shot prompting consistently outperforms Zero-shot-CoT across all datasets
by a large margin, is comparable to or exceeds Zero-shot-Program-of-Thought
Prompting, and has comparable performance with 8-shot CoT prompting on the math
reasoning problem. The code can be found at
https://github.com/AGI-Edgerunners/Plan-and-Solve-Prompting. | cs.CL | Plan-and-Solve Prompting: Improving Zero-Shot Chain-of-Thought Reasoning by Large Language Models |
2023-05-06T16:12:19Z | http://arxiv.org/pdf/2305.04087v5 | http://arxiv.org/abs/2305.04087v5 | Kechi Zhang, Zhuo Li, Jia Li, Ge Li, Zhi Jin | 2023-09-11T06:27:53Z | cs.SE, cs.CL | Large language models (LLMs) have demonstrated an impressive ability to
generate codes on competitive programming tasks. However, with limited sample
numbers, LLMs still suffer from poor accuracy. Inspired by the process of human
programming, we propose a generate-and-edit approach named Self-Edit that
utilizes execution results of the generated code from LLMs to improve the code
quality on the competitive programming task. We execute the generated code on
the example test case provided in the question and wrap execution results into
a supplementary comment. Utilizing this comment as guidance, our fault-aware
code editor is employed to correct errors in the generated code. We perform
extensive evaluations across two competitive programming datasets with nine
different LLMs. Compared to directly generating from LLMs, our approach can
improve the average of pass@1 by 89\% on APPS-dev, 31\% on APPS-test, and 48\%
on HumanEval over nine popular code generation LLMs with parameter sizes
ranging from 110M to 175B. Compared to other post-processing methods, our
method demonstrates superior accuracy and efficiency. | cs.SE | Self-Edit: Fault-Aware Code Editor for Code Generation |
2023-05-06T16:05:27Z | http://arxiv.org/pdf/2305.04082v2 | http://arxiv.org/abs/2305.04082v2 | Dongwon Kelvin Ryu, Meng Fang, Shirui Pan, Gholamreza Haffari, Ehsan Shareghi | 2023-11-29T23:25:19Z | cs.LG, cs.CL | Text-based games (TGs) are language-based interactive environments for
reinforcement learning. While language models (LMs) and knowledge graphs (KGs)
are commonly used for handling large action space in TGs, it is unclear whether
these techniques are necessary or overused. In this paper, we revisit the
challenge of exploring the action space in TGs and propose $
\epsilon$-admissible exploration, a minimal approach of utilizing admissible
actions, for training phase. Additionally, we present a text-based actor-critic
(TAC) agent that produces textual commands for game, solely from game
observations, without requiring any KG or LM. Our method, on average across 10
games from Jericho, outperforms strong baselines and state-of-the-art agents
that use LM and KG. Our approach highlights that a much lighter model design,
with a fresh perspective on utilizing the information within the environments,
suffices for an effective exploration of exponentially large action spaces. | cs.LG | A Minimal Approach for Natural Language Action Space in Text-based Games |
2023-05-06T15:48:24Z | http://arxiv.org/pdf/2305.04076v2 | http://arxiv.org/abs/2305.04076v2 | Shuzheng Si, Zefan Cai, Shuang Zeng, Guoqiang Feng, Jiaxing Lin, Baobao Chang | 2023-07-28T06:51:56Z | cs.CL, cs.AI | Distantly-Supervised Named Entity Recognition effectively alleviates the
burden of time-consuming and expensive annotation in the supervised setting.
But the context-free matching process and the limited coverage of knowledge
bases introduce inaccurate and incomplete annotation noise respectively.
Previous studies either considered only incomplete annotation noise or
indiscriminately handle two types of noise with the same strategy. In this
paper, we argue that the different causes of two types of noise bring up the
requirement of different strategies in model architecture. Therefore, we
propose the SANTA to handle these two types of noise separately with (1)
Memory-smoothed Focal Loss and Entity-aware KNN to relieve the entity ambiguity
problem caused by inaccurate annotation, and (2) Boundary Mixup to alleviate
decision boundary shifting problem caused by incomplete annotation and a
noise-tolerant loss to improve the robustness. Benefiting from our separate
tailored strategies, we confirm in the experiment that the two types of noise
are well mitigated. SANTA also achieves a new state-of-the-art on five public
datasets. | cs.CL | SANTA: Separate Strategies for Inaccurate and Incomplete Annotation Noise in Distantly-Supervised Named Entity Recognition |
2023-05-06T15:14:11Z | http://arxiv.org/pdf/2305.04067v2 | http://arxiv.org/abs/2305.04067v2 | Heng Yang, Ke Li | 2024-04-01T15:48:15Z | cs.CL | Recent studies have revealed the vulnerability of pre-trained language models
to adversarial attacks. Existing adversarial defense techniques attempt to
reconstruct adversarial examples within feature or text spaces. However, these
methods struggle to effectively repair the semantics in adversarial examples,
resulting in unsatisfactory performance and limiting their practical utility.
To repair the semantics in adversarial examples, we introduce a novel approach
named Reactive Perturbation Defocusing (Rapid). Rapid employs an adversarial
detector to identify fake labels of adversarial examples and leverage
adversarial attackers to repair the semantics in adversarial examples. Our
extensive experimental results conducted on four public datasets, convincingly
demonstrate the effectiveness of Rapid in various adversarial attack scenarios.
To address the problem of defense performance validation in previous works, we
provide a demonstration of adversarial detection and repair based on our work,
which can be easily evaluated at https://tinyurl.com/22ercuf8. | cs.CL | The Best Defense is Attack: Repairing Semantics in Textual Adversarial Examples |
2023-05-06T13:33:33Z | http://arxiv.org/pdf/2305.04049v1 | http://arxiv.org/abs/2305.04049v1 | Yuxia Wu, Tianhao Dai, Zhedong Zheng, Lizi Liao | 2023-05-06T13:33:33Z | cs.CL | Existing task-oriented conversational search systems heavily rely on domain
ontologies with pre-defined slots and candidate value sets. In practical
applications, these prerequisites are hard to meet, due to the emerging new
user requirements and ever-changing scenarios. To mitigate these issues for
better interaction performance, there are efforts working towards detecting
out-of-vocabulary values or discovering new slots under unsupervised or
semi-supervised learning paradigm. However, overemphasizing on the conversation
data patterns alone induces these methods to yield noisy and arbitrary slot
results. To facilitate the pragmatic utility, real-world systems tend to
provide a stringent amount of human labelling quota, which offers an
authoritative way to obtain accurate and meaningful slot assignments.
Nonetheless, it also brings forward the high requirement of utilizing such
quota efficiently. Hence, we formulate a general new slot discovery task in an
information extraction fashion and incorporate it into an active learning
framework to realize human-in-the-loop learning. Specifically, we leverage
existing language tools to extract value candidates where the corresponding
labels are further leveraged as weak supervision signals. Based on these, we
propose a bi-criteria selection scheme which incorporates two major strategies,
namely, uncertainty-based sampling and diversity-based sampling to efficiently
identify terms of interest. We conduct extensive experiments on several public
datasets and compare with a bunch of competitive baselines to demonstrate the
effectiveness of our method. We have made the code and data used in this paper
publicly available. | cs.CL | Actively Discovering New Slots for Task-oriented Conversation |
2023-05-06T13:20:31Z | http://arxiv.org/pdf/2305.04044v1 | http://arxiv.org/abs/2305.04044v1 | Kun Zhou, Yifan Li, Wayne Xin Zhao, Ji-Rong Wen | 2023-05-06T13:20:31Z | cs.CL | Recently, continuous diffusion models (CDM) have been introduced into
non-autoregressive (NAR) text-to-text generation. However, the discrete nature
of text increases the difficulty of CDM to generate coherent and fluent texts,
and also causes the incompatibility problem between CDM and advanced NLP
techniques, especially the popular pre-trained language models~(PLMs). To solve
it, we propose Diffusion-NAT, which introduces discrete diffusion models~(DDM)
into NAR text-to-text generation and integrates BART to improve the
performance. By revising the decoding process of BART and the typical settings
of DDM, we unify the inference process of BART and the denoising process of DDM
into the same NAR masked tokens recovering task. In this way, DDM can rely on
BART to perform denoising, which can benefit from both the rich pre-learned
knowledge of BART and the iterative refining paradigm of DDM. Besides, we also
propose the iterative self-prompting strategy to further improve the generation
quality. Experimental results on 7 datasets show that our approach can
outperform competitive NAR methods, and even surpass autoregressive methods.
Our code and data will be publicly released. | cs.CL | Diffusion-NAT: Self-Prompting Discrete Diffusion for Non-Autoregressive Text Generation |
2023-05-06T13:03:45Z | http://arxiv.org/pdf/2305.04039v1 | http://arxiv.org/abs/2305.04039v1 | Tianqiang Yan, Tiansheng Xu | 2023-05-06T13:03:45Z | cs.CL, cs.AI | In this paper, we propose a simple yet efficient approach based on prompt
engineering that leverages the large language model itself to optimize its
answers without relying on auxiliary models. We introduce an iterative
self-evaluating optimization mechanism, with the potential for improved output
quality as iterations progress, removing the need for manual intervention. The
experiment's findings indicate that utilizing our response refinement framework
on the GPT-3.5 model yields results that are on par with, or even surpass,
those generated by the cutting-edge GPT-4 model. Detailed implementation
strategies and illustrative examples are provided to demonstrate the
superiority of our proposed solution. | cs.CL | Refining the Responses of LLMs by Themselves |
2023-05-06T10:36:39Z | http://arxiv.org/pdf/2305.04003v3 | http://arxiv.org/abs/2305.04003v3 | Marco Casadio, Luca Arnaboldi, Matthew L. Daggitt, Omri Isac, Tanvi Dinkar, Daniel Kienitz, Verena Rieser, Ekaterina Komendantskaya | 2023-08-15T15:09:02Z | cs.CL, cs.AI, cs.LG | Verification of machine learning models used in Natural Language Processing
(NLP) is known to be a hard problem. In particular, many known neural network
verification methods that work for computer vision and other numeric datasets
do not work for NLP. Here, we study technical reasons that underlie this
problem. Based on this analysis, we propose practical methods and heuristics
for preparing NLP datasets and models in a way that renders them amenable to
known verification methods based on abstract interpretation. We implement these
methods as a Python library called ANTONIO that links to the neural network
verifiers ERAN and Marabou. We perform evaluation of the tool using an NLP
dataset R-U-A-Robot suggested as a benchmark for verifying legally critical NLP
applications. We hope that, thanks to its general applicability, this work will
open novel possibilities for including NLP verification problems into neural
network verification competitions, and will popularise NLP problems within this
community. | cs.CL | ANTONIO: Towards a Systematic Method of Generating NLP Benchmarks for Verification |
2023-05-06T09:27:58Z | http://arxiv.org/pdf/2305.03987v1 | http://arxiv.org/abs/2305.03987v1 | Zhoujian Sun, Chenyang Zhao, Zhengxing Huang, Nai Ding | 2023-05-06T09:27:58Z | cs.CL, cs.AI | Policy learning (PL) is a module of a task-oriented dialogue system that
trains an agent to make actions in each dialogue turn. Imitating human action
is a fundamental problem of PL. However, both supervised learning (SL) and
reinforcement learning (RL) frameworks cannot imitate humans well. Training RL
models require online interactions with user simulators, while simulating
complex human policy is hard. Performances of SL-based models are restricted
because of the covariate shift problem. Specifically, a dialogue is a
sequential decision-making process where slight differences in current
utterances and actions will cause significant differences in subsequent
utterances. Therefore, the generalize ability of SL models is restricted
because statistical characteristics of training and testing dialogue data
gradually become different. This study proposed an offline imitation learning
model that learns policy from real dialogue datasets and does not require user
simulators. It also utilizes state transition information, which alleviates the
influence of the covariate shift problem. We introduced a regularization trick
to make our model can be effectively optimized. We investigated the performance
of our model on four independent public dialogue datasets. The experimental
result showed that our model performed better in the action prediction task. | cs.CL | Replicating Complex Dialogue Policy of Humans via Offline Imitation Learning with Supervised Regularization |
2023-05-06T09:02:10Z | http://arxiv.org/pdf/2305.03981v1 | http://arxiv.org/abs/2305.03981v1 | Beiduo Chen, Shaohan Huang, Zihan Zhang, Wu Guo, Zhenhua Ling, Haizhen Huang, Furu Wei, Weiwei Deng, Qi Zhang | 2023-05-06T09:02:10Z | cs.CL | ELECTRA, the generator-discriminator pre-training framework, has achieved
impressive semantic construction capability among various downstream tasks.
Despite the convincing performance, ELECTRA still faces the challenges of
monotonous training and deficient interaction. Generator with only masked
language modeling (MLM) leads to biased learning and label imbalance for
discriminator, decreasing learning efficiency; no explicit feedback loop from
discriminator to generator results in the chasm between these two components,
underutilizing the course learning. In this study, a multi-perspective course
learning (MCL) method is proposed to fetch a many degrees and visual angles for
sample-efficient pre-training, and to fully leverage the relationship between
generator and discriminator. Concretely, three self-supervision courses are
designed to alleviate inherent flaws of MLM and balance the label in a
multi-perspective way. Besides, two self-correction courses are proposed to
bridge the chasm between the two encoders by creating a "correction notebook"
for secondary-supervision. Moreover, a course soups trial is conducted to solve
the "tug-of-war" dynamics problem of MCL, evolving a stronger pre-trained
model. Experimental results show that our method significantly improves
ELECTRA's average performance by 2.8% and 3.2% absolute points respectively on
GLUE and SQuAD 2.0 benchmarks, and overshadows recent advanced ELECTRA-style
models under the same settings. The pre-trained MCL model is available at
https://huggingface.co/McmanusChen/MCL-base. | cs.CL | Pre-training Language Model as a Multi-perspective Course Learner |
2023-05-06T08:43:33Z | http://arxiv.org/pdf/2305.03977v2 | http://arxiv.org/abs/2305.03977v2 | Da Ren, Yi Cai, Qing Li | 2023-12-01T15:16:19Z | cs.CL | Non-autoregressive models have been widely studied in the Complete
Information Scenario (CIS), in which the input has complete information of
corresponding output. However, their explorations in the Incomplete Information
Scenario (IIS) are extremely limited. Our analyses reveal that the IIS's
incomplete input information will augment the inherent limitations of existing
non-autoregressive models trained under Maximum Likelihood Estimation. In this
paper, we propose for the IIS an Adversarial Non-autoregressive Transformer
(ANT) which has two features: 1) Position-Aware Self-Modulation to provide more
reasonable hidden representations, and 2) Dependency Feed Forward Network to
strengthen its capacity in dependency modeling. We compare ANT with other
mainstream models in the IIS and demonstrate that ANT can achieve comparable
performance with much fewer decoding iterations. Furthermore, we show its great
potential in various applications like latent interpolation and semi-supervised
learning. | cs.CL | An Adversarial Non-Autoregressive Model for Text Generation with Incomplete Information |
2023-05-06T08:16:07Z | http://arxiv.org/pdf/2305.03973v1 | http://arxiv.org/abs/2305.03973v1 | Chunkit Chan, Xin Liu, Jiayang Cheng, Zihan Li, Yangqiu Song, Ginny Y. Wong, Simon See | 2023-05-06T08:16:07Z | cs.CL | Implicit Discourse Relation Recognition (IDRR) is a sophisticated and
challenging task to recognize the discourse relations between the arguments
with the absence of discourse connectives. The sense labels for each discourse
relation follow a hierarchical classification scheme in the annotation process
(Prasad et al., 2008), forming a hierarchy structure. Most existing works do
not well incorporate the hierarchy structure but focus on the syntax features
and the prior knowledge of connectives in the manner of pure text
classification. We argue that it is more effective to predict the paths inside
the hierarchical tree (e.g., "Comparison -> Contrast -> however") rather than
flat labels (e.g., Contrast) or connectives (e.g., however). We propose a
prompt-based path prediction method to utilize the interactive information and
intrinsic senses among the hierarchy in IDRR. This is the first work that
injects such structure information into pre-trained language models via prompt
tuning, and the performance of our solution shows significant and consistent
improvement against competitive baselines. | cs.CL | DiscoPrompt: Path Prediction Prompt Tuning for Implicit Discourse Relation Recognition |
2023-05-06T08:09:46Z | http://arxiv.org/pdf/2305.03971v3 | http://arxiv.org/abs/2305.03971v3 | Jie Ma, Pinghui Wang, Zewei Wang, Dechen Kong, Min Hu, Ting Han, Jun Liu | 2023-10-31T01:45:39Z | cs.CL, cs.CV, H.3.4 | Question answering methods are well-known for leveraging data bias, such as
the language prior in visual question answering and the position bias in
machine reading comprehension (extractive question answering). Current
debiasing methods often come at the cost of significant in-distribution
performance to achieve favorable out-of-distribution generalizability, while
non-debiasing methods sacrifice a considerable amount of out-of-distribution
performance in order to obtain high in-distribution performance. Therefore, it
is challenging for them to deal with the complicated changing real-world
situations. In this paper, we propose a simple yet effective novel loss
function with adaptive loose optimization, which seeks to make the best of both
worlds for question answering. Our main technical contribution is to reduce the
loss adaptively according to the ratio between the previous and current
optimization state on mini-batch training data. This loose optimization can be
used to prevent non-debiasing methods from overlearning data bias while
enabling debiasing methods to maintain slight bias learning. Experiments on the
visual question answering datasets, including VQA v2, VQA-CP v1, VQA-CP v2,
GQA-OOD, and the extractive question answering dataset SQuAD demonstrate that
our approach enables QA methods to obtain state-of-the-art in- and
out-of-distribution performance in most cases. The source code has been
released publicly in \url{https://github.com/reml-group/ALO}. | cs.CL | Adaptive loose optimization for robust question answering |
2023-05-06T08:05:22Z | http://arxiv.org/pdf/2305.03970v1 | http://arxiv.org/abs/2305.03970v1 | Yuxiang Zhang, Junjie Wang, Xinyu Zhu, Tetsuya Sakai, Hayato Yamana | 2023-05-06T08:05:22Z | cs.CL | Named-entity recognition (NER) detects texts with predefined semantic labels
and is an essential building block for natural language processing (NLP).
Notably, recent NER research focuses on utilizing massive extra data, including
pre-training corpora and incorporating search engines. However, these methods
suffer from high costs associated with data collection and pre-training, and
additional training process of the retrieved data from search engines. To
address the above challenges, we completely frame NER as a machine reading
comprehension (MRC) problem, called NER-to-MRC, by leveraging MRC with its
ability to exploit existing data efficiently. Several prior works have been
dedicated to employing MRC-based solutions for tackling the NER problem,
several challenges persist: i) the reliance on manually designed prompts; ii)
the limited MRC approaches to data reconstruction, which fails to achieve
performance on par with methods utilizing extensive additional data. Thus, our
NER-to-MRC conversion consists of two components: i) transform the NER task
into a form suitable for the model to solve with MRC in a efficient manner; ii)
apply the MRC reasoning strategy to the model. We experiment on 6 benchmark
datasets from three domains and achieve state-of-the-art performance without
external data, up to 11.24% improvement on the WNUT-16 dataset. | cs.CL | NER-to-MRC: Named-Entity Recognition Completely Solving as Machine Reading Comprehension |
2023-05-06T07:06:47Z | http://arxiv.org/pdf/2305.03960v2 | http://arxiv.org/abs/2305.03960v2 | Julian Neuberger, Lars Ackermann, Stefan Jablonski | 2023-08-07T06:35:25Z | cs.CL, cs.LG | Process-aware information systems offer extensive advantages to companies,
facilitating planning, operations, and optimization of day-to-day business
activities. However, the time-consuming but required step of designing formal
business process models often hampers the potential of these systems. To
overcome this challenge, automated generation of business process models from
natural language text has emerged as a promising approach to expedite this
step. Generally two crucial subtasks have to be solved: extracting
process-relevant information from natural language and creating the actual
model. Approaches towards the first subtask are rule based methods, highly
optimized for specific domains, but hard to adapt to related applications. To
solve this issue, we present an extension to an existing pipeline, to make it
entirely data driven. We demonstrate the competitiveness of our improved
pipeline, which not only eliminates the substantial overhead associated with
feature engineering and rule definition, but also enables adaptation to
different datasets, entity and relation types, and new domains. Additionally,
the largest available dataset (PET) for the first subtask, contains no
information about linguistic references between mentions of entities in the
process description. Yet, the resolution of these mentions into a single visual
element is essential for high quality process models. We propose an extension
to the PET dataset that incorporates information about linguistic references
and a corresponding method for resolving them. Finally, we provide a detailed
analysis of the inherent challenges in the dataset at hand. | cs.CL | Beyond Rule-based Named Entity Recognition and Relation Extraction for Process Model Generation from Natural Language Text |
2023-05-06T06:30:29Z | http://arxiv.org/pdf/2305.03949v1 | http://arxiv.org/abs/2305.03949v1 | Fan Zhang, Mei Tu, Sangha Kim, Song Liu, Jinyao Yan | 2023-05-06T06:30:29Z | cs.CL | Most multi-domain machine translation models rely on domain-annotated data.
Unfortunately, domain labels are usually unavailable in both training processes
and real translation scenarios. In this work, we propose a label-free
multi-domain machine translation model which requires only a few or no
domain-annotated data in training and no domain labels in inference. Our model
is composed of three parts: a backbone model, a domain discriminator taking
responsibility to discriminate data from different domains, and a set of
experts that transfer the decoded features from generic to specific. We design
a stage-wise training strategy and train the three parts sequentially. To
leverage the extra domain knowledge and improve the training stability, in the
discriminator training stage, domain differences are modeled explicitly with
clustering and distilled into the discriminator through a multi-classification
task. Meanwhile, the Gumbel-Max sampling is adopted as the routing scheme in
the expert training stage to achieve the balance of each expert in
specialization and generalization. Experimental results on the
German-to-English translation task show that our model significantly improves
BLEU scores on six different domains and even outperforms most of the models
trained with domain-annotated data. | cs.CL | Label-Free Multi-Domain Machine Translation with Stage-wise Training |
2023-05-06T05:35:14Z | http://arxiv.org/pdf/2305.03937v1 | http://arxiv.org/abs/2305.03937v1 | Anastasia Razdaibiedina, Yuning Mao, Rui Hou, Madian Khabsa, Mike Lewis, Jimmy Ba, Amjad Almahairi | 2023-05-06T05:35:14Z | cs.CL, cs.AI | Prompt tuning is one of the successful approaches for parameter-efficient
tuning of pre-trained language models. Despite being arguably the most
parameter-efficient (tuned soft prompts constitute <0.1% of total parameters),
it typically performs worse than other efficient tuning methods and is quite
sensitive to hyper-parameters. In this work, we introduce Residual Prompt
Tuning - a simple and efficient method that significantly improves the
performance and stability of prompt tuning. We propose to reparameterize soft
prompt embeddings using a shallow network with a residual connection. Our
experiments show that Residual Prompt Tuning significantly outperforms prompt
tuning on SuperGLUE benchmark. Notably, our method reaches +7 points
improvement over prompt tuning with T5-Base and allows to reduce the prompt
length by 10x without hurting performance. In addition, we show that our
approach is robust to the choice of learning rate and prompt initialization,
and is effective in few-shot settings. | cs.CL | Residual Prompt Tuning: Improving Prompt Tuning with Residual Reparameterization |
2023-05-06T04:11:03Z | http://arxiv.org/pdf/2305.03923v2 | http://arxiv.org/abs/2305.03923v2 | Thuy-Trang Vu, Shahram Khadivi, Mahsa Ghorbanali, Dinh Phung, Gholamreza Haffari | 2024-01-30T12:24:42Z | cs.LG, cs.CL | Acquiring new knowledge without forgetting what has been learned in a
sequence of tasks is the central focus of continual learning (CL). While tasks
arrive sequentially, the training data are often prepared and annotated
independently, leading to the CL of incoming supervised learning tasks. This
paper considers the under-explored problem of active continual learning (ACL)
for a sequence of active learning (AL) tasks, where each incoming task includes
a pool of unlabelled data and an annotation budget. We investigate the
effectiveness and interplay between several AL and CL algorithms in the domain,
class and task-incremental scenarios. Our experiments reveal the trade-off
between two contrasting goals of not forgetting the old knowledge and the
ability to quickly learn new knowledge in CL and AL, respectively. While
conditioning the AL query strategy on the annotations collected for the
previous tasks leads to improved task performance on the domain and task
incremental learning, our proposed forgetting-learning profile suggests a gap
in balancing the effect of AL and CL for the class-incremental scenario. | cs.LG | Active Continual Learning: On Balancing Knowledge Retention and Learnability |
2023-05-06T03:57:05Z | http://arxiv.org/pdf/2305.06152v3 | http://arxiv.org/abs/2305.06152v3 | Yufeng Huang, Jiji Tang, Zhuo Chen, Rongsheng Zhang, Xinfeng Zhang, Weijie Chen, Zeng Zhao, Zhou Zhao, Tangjie Lv, Zhipeng Hu, Wen Zhang | 2023-12-13T04:21:23Z | cs.CL, cs.AI, cs.MM | Large-scale vision-language pre-training has achieved significant performance
in multi-modal understanding and generation tasks. However, existing methods
often perform poorly on image-text matching tasks that require structured
representations, i.e., representations of objects, attributes, and relations.
As illustrated in Fig.~reffig:case (a), the models cannot make a distinction
between ``An astronaut rides a horse" and ``A horse rides an astronaut". This
is because they fail to fully leverage structured knowledge when learning
representations in multi-modal scenarios. In this paper, we present an
end-to-end framework Structure-CLIP, which integrates Scene Graph Knowledge
(SGK) to enhance multi-modal structured representations. Firstly, we use scene
graphs to guide the construction of semantic negative examples, which results
in an increased emphasis on learning structured representations. Moreover, a
Knowledge-Enhance Encoder (KEE) is proposed to leverage SGK as input to further
enhance structured representations. To verify the effectiveness of the proposed
framework, we pre-train our model with the aforementioned approaches and
conduct experiments on downstream tasks. Experimental results demonstrate that
Structure-CLIP achieves state-of-the-art (SOTA) performance on VG-Attribution
and VG-Relation datasets, with 12.5% and 4.1% ahead of the multi-modal SOTA
model respectively. Meanwhile, the results on MSCOCO indicate that
Structure-CLIP significantly enhances the structured representations while
maintaining the ability of general representations. Our code is available at
https://github.com/zjukg/Structure-CLIP. | cs.CL | Structure-CLIP: Towards Scene Graph Knowledge to Enhance Multi-modal Structured Representations |
2023-05-06T03:39:00Z | http://arxiv.org/pdf/2305.03915v1 | http://arxiv.org/abs/2305.03915v1 | Mithun Das, Rohit Raj, Punyajoy Saha, Binny Mathew, Manish Gupta, Animesh Mukherjee | 2023-05-06T03:39:00Z | cs.CV, cs.CL, cs.MM | Hate speech has become one of the most significant issues in modern society,
having implications in both the online and the offline world. Due to this, hate
speech research has recently gained a lot of traction. However, most of the
work has primarily focused on text media with relatively little work on images
and even lesser on videos. Thus, early stage automated video moderation
techniques are needed to handle the videos that are being uploaded to keep the
platform safe and healthy. With a view to detect and remove hateful content
from the video sharing platforms, our work focuses on hate video detection
using multi-modalities. To this end, we curate ~43 hours of videos from
BitChute and manually annotate them as hate or non-hate, along with the frame
spans which could explain the labelling decision. To collect the relevant
videos we harnessed search keywords from hate lexicons. We observe various cues
in images and audio of hateful videos. Further, we build deep learning
multi-modal models to classify the hate videos and observe that using all the
modalities of the videos improves the overall hate speech detection performance
(accuracy=0.798, macro F1-score=0.790) by ~5.7% compared to the best uni-modal
model in terms of macro F1 score. In summary, our work takes the first step
toward understanding and modeling hateful videos on video hosting platforms
such as BitChute. | cs.CV | HateMM: A Multi-Modal Dataset for Hate Video Classification |
2023-05-06T00:24:44Z | http://arxiv.org/pdf/2305.03881v2 | http://arxiv.org/abs/2305.03881v2 | Swagatika Dash | 2023-08-22T16:09:59Z | cs.IR, cs.CL, cs.CV | Multi-modal search engines have experienced significant growth and widespread
use in recent years, making them the second most common internet use. While
search engine systems offer a range of services, the image search field has
recently become a focal point in the information retrieval community, as the
adage goes, "a picture is worth a thousand words". Although popular search
engines like Google excel at image search accuracy and agility, there is an
ongoing debate over whether their search results can be biased in terms of
gender, language, demographics, socio-cultural aspects, and stereotypes. This
potential for bias can have a significant impact on individuals' perceptions
and influence their perspectives.
In this paper, we present our study on bias and fairness in web search, with
a focus on keyword-based image search. We first discuss several kinds of biases
that exist in search systems and why it is important to mitigate them. We
narrow down our study to assessing and mitigating occupational stereotypes in
image search, which is a prevalent fairness issue in image retrieval. For the
assessment of stereotypes, we take gender as an indicator. We explore various
open-source and proprietary APIs for gender identification from images. With
these, we examine the extent of gender bias in top-tanked image search results
obtained for several occupational keywords. To mitigate the bias, we then
propose a fairness-aware re-ranking algorithm that optimizes (a) relevance of
the search result with the keyword and (b) fairness w.r.t genders identified.
We experiment on 100 top-ranked images obtained for 10 occupational keywords
and consider random re-ranking and re-ranking based on relevance as baselines.
Our experimental results show that the fairness-aware re-ranking algorithm
produces rankings with better fairness scores and competitive relevance scores
than the baselines. | cs.IR | Fairness in Image Search: A Study of Occupational Stereotyping in Image Retrieval and its Debiasing |
2023-05-06T00:20:24Z | http://arxiv.org/pdf/2305.03880v1 | http://arxiv.org/abs/2305.03880v1 | David Samuel, Andrey Kutuzov, Samia Touileb, Erik Velldal, Lilja Øvrelid, Egil Rønningstad, Elina Sigdel, Anna Palatkina | 2023-05-06T00:20:24Z | cs.CL | We present NorBench: a streamlined suite of NLP tasks and probes for
evaluating Norwegian language models (LMs) on standardized data splits and
evaluation metrics. We also introduce a range of new Norwegian language models
(both encoder and encoder-decoder based). Finally, we compare and analyze their
performance, along with other existing LMs, across the different benchmark
tests of NorBench. | cs.CL | NorBench -- A Benchmark for Norwegian Language Models |
2023-05-05T23:22:16Z | http://arxiv.org/pdf/2305.03873v1 | http://arxiv.org/abs/2305.03873v1 | Zhong Zhou, Jan Niehues, Alex Waibel | 2023-05-05T23:22:16Z | cs.CL | In many humanitarian scenarios, translation into severely low resource
languages often does not require a universal translation engine, but a
dedicated text-specific translation engine. For example, healthcare records,
hygienic procedures, government communication, emergency procedures and
religious texts are all limited texts. While generic translation engines for
all languages do not exist, translation of multilingually known limited texts
into new, endangered languages may be possible and reduce human translation
effort. We attempt to leverage translation resources from many rich resource
languages to efficiently produce best possible translation quality for a well
known text, which is available in multiple languages, in a new, severely low
resource language. We examine two approaches: 1. best selection of seed
sentences to jump start translations in a new language in view of best
generalization to the remainder of a larger targeted text(s), and 2. we adapt
large general multilingual translation engines from many other languages to
focus on a specific text in a new, unknown language. We find that adapting
large pretrained multilingual models to the domain/text first and then to the
severely low resource language works best. If we also select a best set of seed
sentences, we can improve average chrF performance on new test languages from a
baseline of 21.9 to 50.7, while reducing the number of seed sentences to only
around 1,000 in the new, unknown language. | cs.CL | Train Global, Tailor Local: Minimalist Multilingual Translation into Endangered Languages |
2023-05-05T21:20:02Z | http://arxiv.org/pdf/2305.03851v1 | http://arxiv.org/abs/2305.03851v1 | Mark Connor, Michael O'Neill | 2023-05-05T21:20:02Z | cs.CL, I.2.7 | This paper explores the potential opportunities, risks, and challenges
associated with the use of large language models (LLMs) in sports science and
medicine. LLMs are large neural networks with transformer style architectures
trained on vast amounts of textual data, and typically refined with human
feedback. LLMs can perform a large range of natural language processing tasks.
In sports science and medicine, LLMs have the potential to support and augment
the knowledge of sports medicine practitioners, make recommendations for
personalised training programs, and potentially distribute high-quality
information to practitioners in developing countries. However, there are also
potential risks associated with the use and development of LLMs, including
biases in the dataset used to create the model, the risk of exposing
confidential data, the risk of generating harmful output, and the need to align
these models with human preferences through feedback. Further research is
needed to fully understand the potential applications of LLMs in sports science
and medicine and to ensure that their use is ethical and beneficial to
athletes, clients, patients, practitioners, and the general public. | cs.CL | Large Language Models in Sport Science & Medicine: Opportunities, Risks and Considerations |
2023-05-05T20:49:40Z | http://arxiv.org/pdf/2305.03845v1 | http://arxiv.org/abs/2305.03845v1 | Harsh Verma, Sabine Bergler | 2023-05-05T20:49:40Z | cs.CL, cs.AI | This paper summarizes the CLaC submission for the MultiCoNER 2 task which
concerns the recognition of complex, fine-grained named entities. We compare
two popular approaches for NER, namely Sequence Labeling and Span Prediction.
We find that our best Span Prediction system performs slightly better than our
best Sequence Labeling system on test data. Moreover, we find that using the
larger version of XLM RoBERTa significantly improves performance.
Post-competition experiments show that Span Prediction and Sequence Labeling
approaches improve when they use special input tokens (<s> and </s>) of
XLM-RoBERTa. The code for training all models, preprocessing, and
post-processing is available at
https://github.com/harshshredding/semeval2023-multiconer-paper. | cs.CL | CLaC at SemEval-2023 Task 2: Comparing Span-Prediction and Sequence-Labeling approaches for NER |
2023-05-05T20:06:11Z | http://arxiv.org/pdf/2305.03827v2 | http://arxiv.org/abs/2305.03827v2 | Yufei Li, Xiao Yu, Yanchi Liu, Haifeng Chen, Cong Liu | 2023-06-08T22:22:24Z | cs.CL, cs.LG | Jointly extracting entity pairs and their relations is challenging when
working on distantly-supervised data with ambiguous or noisy labels. To
mitigate such impact, we propose uncertainty-aware bootstrap learning, which is
motivated by the intuition that the higher uncertainty of an instance, the more
likely the model confidence is inconsistent with the ground truths.
Specifically, we first explore instance-level data uncertainty to create an
initial high-confident examples. Such subset serves as filtering noisy
instances and facilitating the model to converge fast at the early stage.
During bootstrap learning, we propose self-ensembling as a regularizer to
alleviate inter-model uncertainty produced by noisy labels. We further define
probability variance of joint tagging probabilities to estimate inner-model
parametric uncertainty, which is used to select and build up new reliable
training instances for the next iteration. Experimental results on two large
datasets reveal that our approach outperforms existing strong baselines and
related methods. | cs.CL | Uncertainty-Aware Bootstrap Learning for Joint Extraction on Distantly-Supervised Data |
2023-05-05T19:47:41Z | http://arxiv.org/pdf/2305.03819v1 | http://arxiv.org/abs/2305.03819v1 | Shijia Liu, David A. Smith | 2023-05-05T19:47:41Z | cs.CL | Brain-computer interfaces (BCI) are an important mode of alternative and
augmentative communication for many people. Unlike keyboards, many BCI systems
do not display even the 26 letters of English at one time, let alone all the
symbols in more complex systems. Using language models to make character-level
predictions, therefore, can greatly speed up BCI typing (Ghosh and Kristensson,
2017). While most existing BCI systems employ character n-gram models or no LM
at all, this paper adapts several wordpiece-level Transformer LMs to make
character predictions and evaluates them on typing tasks. GPT-2 fares best on
clean text, but different LMs react differently to noisy histories. We further
analyze the effect of character positions in a word and context lengths. | cs.CL | Adapting Transformer Language Models for Predictive Typing in Brain-Computer Interfaces |
2023-05-05T18:54:40Z | http://arxiv.org/pdf/2305.03796v1 | http://arxiv.org/abs/2305.03796v1 | Ta-Chung Chi, Ting-Han Fan, Alexander I. Rudnicky, Peter J. Ramadge | 2023-05-05T18:54:40Z | cs.CL | Unlike recurrent models, conventional wisdom has it that Transformers cannot
perfectly model regular languages. Inspired by the notion of working memory, we
propose a new Transformer variant named RegularGPT. With its novel combination
of Weight-Sharing, Adaptive-Depth, and Sliding-Dilated-Attention, RegularGPT
constructs working memory along the depth dimension, thereby enabling efficient
and successful modeling of regular languages such as PARITY. We further test
RegularGPT on the task of natural language length extrapolation and
surprisingly find that it rediscovers the local windowed attention effect
deemed necessary in prior work for length extrapolation. | cs.CL | Transformer Working Memory Enables Regular Language Reasoning and Natural Language Length Extrapolation |
2023-05-05T18:47:18Z | http://arxiv.org/pdf/2305.03793v1 | http://arxiv.org/abs/2305.03793v1 | Danilo Ribeiro, Omid Abdar, Jack Goetz, Mike Ross, Annie Dong, Kenneth Forbus, Ahmed Mohamed | 2023-05-05T18:47:18Z | cs.CL, cs.LG, I.2.7; I.2.6 | Frame semantic parsing is an important component of task-oriented dialogue
systems. Current models rely on a significant amount training data to
successfully identify the intent and slots in the user's input utterance. This
creates a significant barrier for adding new domains to virtual assistant
capabilities, as creation of this data requires highly specialized NLP
expertise. In this work we propose OpenFSP, a framework that allows for easy
creation of new domains from a handful of simple labels that can be generated
without specific NLP knowledge. Our approach relies on creating a small, but
expressive, set of domain agnostic slot types that enables easy annotation of
new domains. Given such annotation, a matching algorithm relying on sentence
encoders predicts the intent and slots for domains defined by end-users.
Extensive experiments on the TopV2 dataset shows that our model outperforms
strong baselines in this simple labels setting. | cs.CL | Towards Zero-Shot Frame Semantic Parsing with Task Agnostic Ontologies and Simple Labels |
2023-05-05T18:39:07Z | http://arxiv.org/pdf/2305.03788v1 | http://arxiv.org/abs/2305.03788v1 | Hazal Türkmen, Oğuz Dikenelli, Cenk Eraslan, Mehmet Cem Çallı, Süha Süreyya Özbek | 2023-05-05T18:39:07Z | cs.CL | In recent years, major advancements in natural language processing (NLP) have
been driven by the emergence of large language models (LLMs), which have
significantly revolutionized research and development within the field.
Building upon this progress, our study delves into the effects of various
pre-training methodologies on Turkish clinical language models' performance in
a multi-label classification task involving radiology reports, with a focus on
addressing the challenges posed by limited language resources. Additionally, we
evaluated the simultaneous pretraining approach by utilizing limited clinical
task data for the first time. We developed four models, including
TurkRadBERT-task v1, TurkRadBERT-task v2, TurkRadBERT-sim v1, and
TurkRadBERT-sim v2. Our findings indicate that the general Turkish BERT model
(BERTurk) and TurkRadBERT-task v1, both of which utilize knowledge from a
substantial general-domain corpus, demonstrate the best overall performance.
Although the task-adaptive pre-training approach has the potential to capture
domain-specific patterns, it is constrained by the limited task-specific corpus
and may be susceptible to overfitting. Furthermore, our results underscore the
significance of domain-specific vocabulary during pre-training for enhancing
model performance. Ultimately, we observe that the combination of
general-domain knowledge and task-specific fine-tuning is essential for
achieving optimal performance across a range of categories. This study offers
valuable insights for developing effective Turkish clinical language models and
can guide future research on pre-training techniques for other low-resource
languages within the clinical domain. | cs.CL | Harnessing the Power of BERT in the Turkish Clinical Domain: Pretraining Approaches for Limited Data Scenarios |
2023-05-05T17:59:46Z | http://arxiv.org/pdf/2305.03726v1 | http://arxiv.org/abs/2305.03726v1 | Bo Li, Yuanhan Zhang, Liangyu Chen, Jinghao Wang, Jingkang Yang, Ziwei Liu | 2023-05-05T17:59:46Z | cs.CV, cs.CL | Large language models (LLMs) have demonstrated significant universal
capabilities as few/zero-shot learners in various tasks due to their
pre-training on vast amounts of text data, as exemplified by GPT-3, which
boosted to InstrctGPT and ChatGPT, effectively following natural language
instructions to accomplish real-world tasks. In this paper, we propose to
introduce instruction tuning into multi-modal models, motivated by the Flamingo
model's upstream interleaved format pretraining dataset. We adopt a similar
approach to construct our MultI-Modal In-Context Instruction Tuning (MIMIC-IT)
dataset. We then introduce Otter, a multi-modal model based on OpenFlamingo
(open-sourced version of DeepMind's Flamingo), trained on MIMIC-IT and
showcasing improved instruction-following ability and in-context learning. We
also optimize OpenFlamingo's implementation for researchers, democratizing the
required training resources from 1$\times$ A100 GPU to 4$\times$ RTX-3090 GPUs,
and integrate both OpenFlamingo and Otter into Huggingface Transformers for
more researchers to incorporate the models into their customized training and
inference pipelines. | cs.CV | Otter: A Multi-Modal Model with In-Context Instruction Tuning |
2023-05-05T17:55:49Z | http://arxiv.org/pdf/2305.03715v1 | http://arxiv.org/abs/2305.03715v1 | Oluwatosin Ogundare, Subuola Sofolahan | 2023-05-05T17:55:49Z | cs.CL | This study investigates the potential of an ambulatory device that
incorporates Large Language Models (LLMs) in cadence with other specialized ML
models to assess anemia severity in sickle cell patients in real time. The
device would rely on sensor data that measures angiogenic material levels to
assess anemia severity, providing real-time information to patients and
clinicians to reduce the frequency of vaso-occlusive crises because of the
early detection of anemia severity, allowing for timely interventions and
potentially reducing the likelihood of serious complications. The main
challenges in developing such a device are the creation of a reliable
non-invasive tool for angiogenic level assessment, a biophysics model and the
practical consideration of an LLM communicating with emergency personnel on
behalf of an incapacitated patient. A possible system is proposed, and the
limitations of this approach are discussed. | cs.CL | Large Language Models in Ambulatory Devices for Home Health Diagnostics: A case study of Sickle Cell Anemia Management |
2023-05-05T17:15:32Z | http://arxiv.org/pdf/2305.03695v3 | http://arxiv.org/abs/2305.03695v3 | Jiacheng Liu, Wenya Wang, Dianzhuo Wang, Noah A. Smith, Yejin Choi, Hannaneh Hajishirzi | 2023-10-18T14:48:51Z | cs.CL, cs.AI | Despite the much discussed capabilities of today's language models, they are
still prone to silly and unexpected commonsense failures. We consider a
retrospective verification approach that reflects on the correctness of LM
outputs, and introduce Vera, a general-purpose model that estimates the
plausibility of declarative statements based on commonsense knowledge. Trained
on ~7M commonsense statements created from 19 QA datasets and two large-scale
knowledge bases, and with a combination of three training objectives, Vera is a
versatile model that effectively separates correct from incorrect statements
across diverse commonsense domains. When applied to solving commonsense
problems in the verification format, Vera substantially outperforms existing
models that can be repurposed for commonsense verification, and it further
exhibits generalization capabilities to unseen tasks and provides
well-calibrated outputs. We find that Vera excels at filtering LM-generated
commonsense knowledge and is useful in detecting erroneous commonsense
statements generated by models like ChatGPT in real-world settings. | cs.CL | Vera: A General-Purpose Plausibility Estimation Model for Commonsense Statements |
2023-05-05T16:59:26Z | http://arxiv.org/pdf/2305.03688v3 | http://arxiv.org/abs/2305.03688v3 | Zeqi Tan, Shen Huang, Zixia Jia, Jiong Cai, Yinghui Li, Weiming Lu, Yueting Zhuang, Kewei Tu, Pengjun Xie, Fei Huang, Yong Jiang | 2023-05-17T03:14:00Z | cs.CL | The MultiCoNER \RNum{2} shared task aims to tackle multilingual named entity
recognition (NER) in fine-grained and noisy scenarios, and it inherits the
semantic ambiguity and low-context setting of the MultiCoNER \RNum{1} task. To
cope with these problems, the previous top systems in the MultiCoNER \RNum{1}
either incorporate the knowledge bases or gazetteers. However, they still
suffer from insufficient knowledge, limited context length, single retrieval
strategy. In this paper, our team \textbf{DAMO-NLP} proposes a unified
retrieval-augmented system (U-RaNER) for fine-grained multilingual NER. We
perform error analysis on the previous top systems and reveal that their
performance bottleneck lies in insufficient knowledge. Also, we discover that
the limited context length causes the retrieval knowledge to be invisible to
the model. To enhance the retrieval context, we incorporate the entity-centric
Wikidata knowledge base, while utilizing the infusion approach to broaden the
contextual scope of the model. Also, we explore various search strategies and
refine the quality of retrieval knowledge. Our system\footnote{We will release
the dataset, code, and scripts of our system at {\small
\url{https://github.com/modelscope/AdaSeq/tree/master/examples/U-RaNER}}.} wins
9 out of 13 tracks in the MultiCoNER \RNum{2} shared task. Additionally, we
compared our system with ChatGPT, one of the large language models which have
unlocked strong capabilities on many tasks. The results show that there is
still much room for improvement for ChatGPT on the extraction task. | cs.CL | DAMO-NLP at SemEval-2023 Task 2: A Unified Retrieval-augmented System for Multilingual Named Entity Recognition |
2023-05-05T16:38:05Z | http://arxiv.org/pdf/2305.03668v2 | http://arxiv.org/abs/2305.03668v2 | Andrea Burns, Krishna Srinivasan, Joshua Ainslie, Geoff Brown, Bryan A. Plummer, Kate Saenko, Jianmo Ni, Mandy Guo | 2023-10-20T13:18:06Z | cs.CL, cs.CV | Webpages have been a rich, scalable resource for vision-language and language
only tasks. Yet only pieces of webpages are kept in existing datasets:
image-caption pairs, long text articles, or raw HTML, never all in one place.
Webpage tasks have resultingly received little attention and structured
image-text data left underused. To study multimodal webpage understanding, we
introduce the Wikipedia Webpage suite (WikiWeb2M) containing 2M pages with all
of the associated image, text, and structure data. We verify its utility on
three generative tasks: page description generation, section summarization, and
contextual image captioning. We design a novel attention mechanism Prefix
Global, which selects the most relevant image and text content as global tokens
to attend to the rest of the webpage for context. By using page structure to
separate such tokens, it performs better than full attention with lower
computational complexity. Extensive experiments show that the new data in
WikiWeb2M improves task performance compared to prior work. | cs.CL | A Suite of Generative Tasks for Multi-Level Multimodal Webpage Understanding |
2023-05-05T16:28:44Z | http://arxiv.org/pdf/2305.03661v1 | http://arxiv.org/abs/2305.03661v1 | Dmitriy Umerenkov, Oleg Cherkashin, Alexander Nesterov, Victor Gombolevskiy, Irina Demko, Alexander Yalunin, Vladimir Kokh | 2023-05-05T16:28:44Z | cs.CL, cs.AI | In this paper we present a novel approach to risk assessment for patients
hospitalized with pneumonia or COVID-19 based on their admission reports. We
applied a Longformer neural network to admission reports and other textual data
available shortly after admission to compute risk scores for the patients. We
used patient data of multiple European hospitals to demonstrate that our
approach outperforms the Transformer baselines. Our experiments show that the
proposed model generalises across institutions and diagnoses. Also, our method
has several other advantages described in the paper. | cs.CL | Predicting COVID-19 and pneumonia complications from admission texts |
2023-05-05T16:28:03Z | http://arxiv.org/pdf/2305.03660v1 | http://arxiv.org/abs/2305.03660v1 | Mercy Ranjit, Gopinath Ganapathy, Ranjit Manuel, Tanuja Ganu | 2023-05-05T16:28:03Z | cs.CL, cs.AI, cs.IR, cs.LG, I.2; J.3; H.3 | We propose Retrieval Augmented Generation (RAG) as an approach for automated
radiology report writing that leverages multimodally aligned embeddings from a
contrastively pretrained vision language model for retrieval of relevant
candidate radiology text for an input radiology image and a general domain
generative model like OpenAI text-davinci-003, gpt-3.5-turbo and gpt-4 for
report generation using the relevant radiology text retrieved. This approach
keeps hallucinated generations under check and provides capabilities to
generate report content in the format we desire leveraging the instruction
following capabilities of these generative models. Our approach achieves better
clinical metrics with a BERTScore of 0.2865 ({\Delta}+ 25.88%) and Semb score
of 0.4026 ({\Delta}+ 6.31%). Our approach can be broadly relevant for different
clinical settings as it allows to augment the automated radiology report
generation process with content relevant for that setting while also having the
ability to inject user intents and requirements in the prompts as part of the
report generation process to modulate the content and format of the generated
reports as applicable for that clinical setting. | cs.CL | Retrieval Augmented Chest X-Ray Report Generation using OpenAI GPT models |
2023-05-05T16:21:24Z | http://arxiv.org/pdf/2305.03655v2 | http://arxiv.org/abs/2305.03655v2 | Yufei Li, Zexin Li, Yingfan Gao, Cong Liu | 2023-05-08T15:16:05Z | cs.CL, cs.CR, cs.LG | Pre-trained transformers are popular in state-of-the-art dialogue generation
(DG) systems. Such language models are, however, vulnerable to various
adversarial samples as studied in traditional tasks such as text
classification, which inspires our curiosity about their robustness in DG
systems. One main challenge of attacking DG models is that perturbations on the
current sentence can hardly degrade the response accuracy because the unchanged
chat histories are also considered for decision-making. Instead of merely
pursuing pitfalls of performance metrics such as BLEU, ROUGE, we observe that
crafting adversarial samples to force longer generation outputs benefits attack
effectiveness -- the generated responses are typically irrelevant, lengthy, and
repetitive. To this end, we propose a white-box multi-objective attack method
called DGSlow. Specifically, DGSlow balances two objectives -- generation
accuracy and length, via a gradient-based multi-objective optimizer and applies
an adaptive searching mechanism to iteratively craft adversarial samples with
only a few modifications. Comprehensive experiments on four benchmark datasets
demonstrate that DGSlow could significantly degrade state-of-the-art DG models
with a higher success rate than traditional accuracy-based methods. Besides,
our crafted sentences also exhibit strong transferability in attacking other
models. | cs.CL | White-Box Multi-Objective Adversarial Attack on Dialogue Generation |
2023-05-05T16:02:06Z | http://arxiv.org/pdf/2305.03642v3 | http://arxiv.org/abs/2305.03642v3 | Somin Wadhwa, Jay DeYoung, Benjamin Nye, Silvio Amir, Byron C. Wallace | 2023-07-18T01:36:42Z | cs.CL | Results from Randomized Controlled Trials (RCTs) establish the comparative
effectiveness of interventions, and are in turn critical inputs for
evidence-based care. However, results from RCTs are presented in (often
unstructured) natural language articles describing the design, execution, and
outcomes of trials; clinicians must manually extract findings pertaining to
interventions and outcomes of interest from such articles. This onerous manual
process has motivated work on (semi-)automating extraction of structured
evidence from trial reports. In this work we propose and evaluate a
text-to-text model built on instruction-tuned Large Language Models (LLMs) to
jointly extract Interventions, Outcomes, and Comparators (ICO elements) from
clinical abstracts, and infer the associated results reported. Manual (expert)
and automated evaluations indicate that framing evidence extraction as a
conditional generation task and fine-tuning LLMs for this purpose realizes
considerable ($\sim$20 point absolute F1 score) gains over the previous SOTA.
We perform ablations and error analyses to assess aspects that contribute to
model performance, and to highlight potential directions for further
improvements. We apply our model to a collection of published RCTs through
mid-2022, and release a searchable database of structured findings:
http://ico-relations.ebm-nlp.com | cs.CL | Jointly Extracting Interventions, Outcomes, and Findings from RCT Reports with LLMs |
2023-05-05T15:16:07Z | http://arxiv.org/pdf/2305.03610v2 | http://arxiv.org/abs/2305.03610v2 | Wenyan Li, Jonas F. Lotz, Chen Qiu, Desmond Elliott | 2024-02-02T15:46:42Z | cs.CV, cs.AI, cs.CL | Image captioning models are typically trained by treating all samples
equally, neglecting to account for mismatched or otherwise difficult data
points. In contrast, recent work has shown the effectiveness of training models
by scheduling the data using curriculum learning strategies. This paper
contributes to this direction by actively curating difficult samples in
datasets without increasing the total number of samples. We explore the effect
of using three data curation methods within the training process: complete
removal of an sample, caption replacement, or image replacement via a
text-to-image generation model. Experiments on the Flickr30K and COCO datasets
with the BLIP and BEiT-3 models demonstrate that these curation methods do
indeed yield improved image captioning models, underscoring their efficacy. | cs.CV | The Role of Data Curation in Image Captioning |
2023-05-05T15:06:08Z | http://arxiv.org/pdf/2305.03602v2 | http://arxiv.org/abs/2305.03602v2 | Liuyi Wang, Zongtao He, Jiagui Tang, Ronghao Dang, Naijia Wang, Chengju Liu, Qijun Chen | 2023-05-30T02:33:12Z | cs.CV, cs.CL | Vision-and-Language Navigation (VLN) is a realistic but challenging task that
requires an agent to locate the target region using verbal and visual cues.
While significant advancements have been achieved recently, there are still two
broad limitations: (1) The explicit information mining for significant guiding
semantics concealed in both vision and language is still under-explored; (2)
The previously structured map method provides the average historical appearance
of visited nodes, while it ignores distinctive contributions of various images
and potent information retention in the reasoning process. This work proposes a
dual semantic-aware recurrent global-adaptive network (DSRG) to address the
above problems. First, DSRG proposes an instruction-guidance linguistic module
(IGL) and an appearance-semantics visual module (ASV) for boosting vision and
language semantic learning respectively. For the memory mechanism, a global
adaptive aggregation module (GAA) is devised for explicit panoramic observation
fusion, and a recurrent memory fusion module (RMF) is introduced to supply
implicit temporal hidden states. Extensive experimental results on the R2R and
REVERIE datasets demonstrate that our method achieves better performance than
existing methods. Code is available at https://github.com/CrystalSixone/DSRG. | cs.CV | A Dual Semantic-Aware Recurrent Global-Adaptive Network For Vision-and-Language Navigation |
2023-05-05T15:03:01Z | http://arxiv.org/pdf/2305.03598v3 | http://arxiv.org/abs/2305.03598v3 | Maël Jullien, Marco Valentino, Hannah Frost, Paul O'Regan, Donal Landers, André Freitas | 2023-10-28T09:56:49Z | cs.CL, cs.AI, cs.LG | How can we interpret and retrieve medical evidence to support clinical
decisions? Clinical trial reports (CTR) amassed over the years contain
indispensable information for the development of personalized medicine.
However, it is practically infeasible to manually inspect over 400,000+
clinical trial reports in order to find the best evidence for experimental
treatments. Natural Language Inference (NLI) offers a potential solution to
this problem, by allowing the scalable computation of textual entailment.
However, existing NLI models perform poorly on biomedical corpora, and
previously published datasets fail to capture the full complexity of inference
over CTRs. In this work, we present a novel resource to advance research on NLI
for reasoning on CTRs. The resource includes two main tasks. Firstly, to
determine the inference relation between a natural language statement, and a
CTR. Secondly, to retrieve supporting facts to justify the predicted relation.
We provide NLI4CT, a corpus of 2400 statements and CTRs, annotated for these
tasks. Baselines on this corpus expose the limitations of existing NLI models,
with 6 state-of-the-art NLI models achieving a maximum F1 score of 0.627. To
the best of our knowledge, we are the first to design a task that covers the
interpretation of full CTRs. To encourage further work on this challenging
dataset, we make the corpus, competition leaderboard, website and code to
replicate the baseline experiments available at:
https://github.com/ai-systems/nli4ct | cs.CL | NLI4CT: Multi-Evidence Natural Language Inference for Clinical Trial Reports |
2023-05-05T14:44:20Z | http://arxiv.org/pdf/2305.03584v3 | http://arxiv.org/abs/2305.03584v3 | Sid Wang, Ashish Shenoy, Pierce Chuang, John Nguyen | 2024-02-13T22:27:36Z | cs.CL, cs.AI | In recent years, Federated Learning (FL) has shown significant advancements
in its ability to perform various natural language processing (NLP) tasks. This
work focuses on applying personalized FL for on-device language modeling. Due
to limitations of memory and latency, these models cannot support the
complexity of sub-word tokenization or beam search decoding, resulting in the
decision to deploy a closed-vocabulary language model. However,
closed-vocabulary models are unable to handle out-of-vocabulary (OOV) words
belonging to specific users. To address this issue, We propose a novel
technique called "OOV expansion" that improves OOV coverage and increases model
accuracy while minimizing the impact on memory and latency. This method
introduces a personalized "OOV adapter" that effectively transfers knowledge
from a central model and learns word embedding for personalized vocabulary. OOV
expansion significantly outperforms standard FL personalization methods on a
set of common FL benchmarks. | cs.CL | Now It Sounds Like You: Learning Personalized Vocabulary On Device |
2023-05-05T14:30:20Z | http://arxiv.org/pdf/2305.03573v1 | http://arxiv.org/abs/2305.03573v1 | Suzanna Sia, Kevin Duh | 2023-05-05T14:30:20Z | cs.CL, cs.AI | The phenomena of in-context learning has typically been thought of as
"learning from examples". In this work which focuses on Machine Translation, we
present a perspective of in-context learning as the desired generation task
maintaining coherency with its context, i.e., the prompt examples. We first
investigate randomly sampled prompts across 4 domains, and find that
translation performance improves when shown in-domain prompts. Next, we
investigate coherency for the in-domain setting, which uses prompt examples
from a moving window. We study this with respect to other factors that have
previously been identified in the literature such as length, surface similarity
and sentence embedding similarity. Our results across 3 models (GPTNeo2.7B,
Bloom3B, XGLM2.9B), and three translation directions
(\texttt{en}$\rightarrow$\{\texttt{pt, de, fr}\}) suggest that the long-term
coherency of the prompts and the test sentence is a good indicator of
downstream translation performance. In doing so, we demonstrate the efficacy of
In-context Machine Translation for on-the-fly adaptation. | cs.CL | In-context Learning as Maintaining Coherency: A Study of On-the-fly Machine Translation Using Large Language Models |
2023-05-05T13:50:04Z | http://arxiv.org/pdf/2305.03520v4 | http://arxiv.org/abs/2305.03520v4 | Jorge Martinez-Gil | 2023-12-13T07:13:19Z | cs.CL, cs.AI | The issue of word sense ambiguity poses a significant challenge in natural
language processing due to the scarcity of annotated data to feed machine
learning models to face the challenge. Therefore, unsupervised word sense
disambiguation methods have been developed to overcome that challenge without
relying on annotated data. This research proposes a new context-aware approach
to unsupervised word sense disambiguation, which provides a flexible mechanism
for incorporating contextual information into the similarity measurement
process. We experiment with a popular benchmark dataset to evaluate the
proposed strategy and compare its performance with state-of-the-art
unsupervised word sense disambiguation techniques. The experimental results
indicate that our approach substantially enhances disambiguation accuracy and
surpasses the performance of several existing techniques. Our findings
underscore the significance of integrating contextual information in semantic
similarity measurements to manage word sense ambiguity in unsupervised
scenarios effectively. | cs.CL | Context-Aware Semantic Similarity Measurement for Unsupervised Word Sense Disambiguation |
2023-05-05T12:14:22Z | http://arxiv.org/pdf/2305.04928v4 | http://arxiv.org/abs/2305.04928v4 | Miloš Košprdić, Nikola Prodanović, Adela Ljajić, Bojana Bašaragin, Nikola Milošević | 2024-01-25T15:23:34Z | cs.CL, cs.AI | Supervised named entity recognition (NER) in the biomedical domain depends on
large sets of annotated texts with the given named entities. The creation of
such datasets can be time-consuming and expensive, while extraction of new
entities requires additional annotation tasks and retraining the model. To
address these challenges, this paper proposes a method for zero- and few-shot
NER in the biomedical domain. The method is based on transforming the task of
multi-class token classification into binary token classification and
pre-training on a large amount of datasets and biomedical entities, which allow
the model to learn semantic relations between the given and potentially novel
named entity labels. We have achieved average F1 scores of 35.44% for zero-shot
NER, 50.10% for one-shot NER, 69.94% for 10-shot NER, and 79.51% for 100-shot
NER on 9 diverse evaluated biomedical entities with fine-tuned PubMedBERT-based
model. The results demonstrate the effectiveness of the proposed method for
recognizing new biomedical entities with no or limited number of examples,
outperforming previous transformer-based methods, and being comparable to
GPT3-based models using models with over 1000 times fewer parameters. We make
models and developed code publicly available. | cs.CL | From Zero to Hero: Harnessing Transformers for Biomedical Named Entity Recognition in Zero- and Few-shot Contexts |
2023-05-05T12:06:01Z | http://arxiv.org/pdf/2305.03461v1 | http://arxiv.org/abs/2305.03461v1 | Jonghyuk Park, Alex Lascarides, Subramanian Ramamoorthy | 2023-05-05T12:06:01Z | cs.CL | Interactive Task Learning (ITL) concerns learning about unforeseen domain
concepts via natural interactions with human users. The learner faces a number
of significant constraints: learning should be online, incremental and
few-shot, as it is expected to perform tangible belief updates right after
novel words denoting unforeseen concepts are introduced. In this work, we
explore a challenging symbol grounding task--discriminating among object
classes that look very similar--within the constraints imposed by ITL. We
demonstrate empirically that more data-efficient grounding results from
exploiting the truth-conditions of the teacher's generic statements (e.g., "Xs
have attribute Z.") and their implicatures in context (e.g., as an answer to
"How are Xs and Ys different?", one infers Y lacks attribute Z). | cs.CL | Interactive Acquisition of Fine-grained Visual Concepts by Exploiting Semantics of Generic Characterizations in Discourse |
2023-05-05T12:00:58Z | http://arxiv.org/pdf/2305.03458v1 | http://arxiv.org/abs/2305.03458v1 | Yifan Wei, Fangyu Lei, Yuanzhe Zhang, Jun Zhao, Kang Liu | 2023-05-05T12:00:58Z | cs.CL, cs.AI | Hybrid question answering (HybridQA) over the financial report contains both
textual and tabular data, and requires the model to select the appropriate
evidence for the numerical reasoning task. Existing methods based on
encoder-decoder framework employ a expression tree-based decoder to solve
numerical reasoning problems. However, encoders rely more on Machine Reading
Comprehension (MRC) methods, which take table serialization and text splicing
as input, damaging the granularity relationship between table and text as well
as the spatial structure information of table itself. In order to solve these
problems, the paper proposes a Multi-View Graph (MVG) Encoder to take the
relations among the granularity into account and capture the relations from
multiple view. By utilizing MVGE as a module, we constuct Tabular View,
Relation View and Numerical View which aim to retain the original
characteristics of the hybrid data. We validate our model on the publicly
available table-text hybrid QA benchmark (TAT-QA) and outperform the
state-of-the-art model. | cs.CL | Multi-View Graph Representation Learning for Answering Hybrid Numerical Reasoning Question |
2023-05-05T11:56:30Z | http://arxiv.org/pdf/2305.03453v4 | http://arxiv.org/abs/2305.03453v4 | Lei Wang, Yi Hu, Jiabang He, Xing Xu, Ning Liu, Hui Liu, Heng Tao Shen | 2023-12-18T04:49:01Z | cs.CL | Large Language Models (LLMs) have recently demonstrated exceptional
performance in various Natural Language Processing (NLP) tasks. They have also
shown the ability to perform chain-of-thought (CoT) reasoning to solve complex
problems. Recent studies have explored CoT reasoning in complex multimodal
scenarios, such as the science question answering task, by fine-tuning
multimodal models with high-quality human-annotated CoT rationales. However,
collecting high-quality COT rationales is usually time-consuming and costly.
Besides, the annotated rationales are hardly accurate due to the external
essential information missed. To address these issues, we propose a novel
method termed T-SciQ that aims at teaching science question answering with LLM
signals. The T-SciQ approach generates high-quality CoT rationales as teaching
signals and is advanced to train much smaller models to perform CoT reasoning
in complex modalities. Additionally, we introduce a novel data mixing strategy
to produce more effective teaching data samples for simple and complex science
question answer problems. Extensive experimental results show that our T-SciQ
method achieves a new state-of-the-art performance on the ScienceQA benchmark,
with an accuracy of 96.18%. Moreover, our approach outperforms the most
powerful fine-tuned baseline by 4.5%. The code is publicly available at
https://github.com/T-SciQ/T-SciQ. | cs.CL | T-SciQ: Teaching Multimodal Chain-of-Thought Reasoning via Mixed Large Language Model Signals for Science Question Answering |
2023-05-05T11:44:12Z | http://arxiv.org/pdf/2305.03445v4 | http://arxiv.org/abs/2305.03445v4 | Philipp Wicke | 2023-06-15T12:33:37Z | cs.CL | Figurative language is a challenge for language models since its
interpretation is based on the use of words in a way that deviates from their
conventional order and meaning. Yet, humans can easily understand and interpret
metaphors, similes or idioms as they can be derived from embodied metaphors.
Language is a proxy for embodiment and if a metaphor is conventional and
lexicalised, it becomes easier for a system without a body to make sense of
embodied concepts. Yet, the intricate relation between embodiment and features
such as concreteness or age of acquisition has not been studied in the context
of figurative language interpretation concerning language models. Hence, the
presented study shows how larger language models perform better at interpreting
metaphoric sentences when the action of the metaphorical sentence is more
embodied. The analysis rules out multicollinearity with other features (e.g.
word length or concreteness) and provides initial evidence that larger language
models conceptualise embodied concepts to a degree that facilitates figurative
language understanding. | cs.CL | LMs stand their Ground: Investigating the Effect of Embodiment in Figurative Language Interpretation by Language Models |
2023-05-05T11:03:03Z | http://arxiv.org/pdf/2305.03429v1 | http://arxiv.org/abs/2305.03429v1 | Eduardo C. Garrido-Merchán, José Luis Arroyo-Barrigüete, Roberto Gozalo-Brizuela | 2023-05-05T11:03:03Z | cs.CL | In this paper, we present a novel approach to simulating H.P. Lovecraft's
horror literature using the ChatGPT large language model, specifically the
GPT-4 architecture. Our study aims to generate text that emulates Lovecraft's
unique writing style and themes, while also examining the effectiveness of
prompt engineering techniques in guiding the model's output. To achieve this,
we curated a prompt containing several specialized literature references and
employed advanced prompt engineering methods. We conducted an empirical
evaluation of the generated text by administering a survey to a sample of
undergraduate students. Utilizing statistical hypothesis testing, we assessed
the students ability to distinguish between genuine Lovecraft works and those
generated by our model. Our findings demonstrate that the participants were
unable to reliably differentiate between the two, indicating the effectiveness
of the GPT-4 model and our prompt engineering techniques in emulating
Lovecraft's literary style. In addition to presenting the GPT model's
capabilities, this paper provides a comprehensive description of its underlying
architecture and offers a comparative analysis with related work that simulates
other notable authors and philosophers, such as Dennett. By exploring the
potential of large language models in the context of literary emulation, our
study contributes to the body of research on the applications and limitations
of these models in various creative domains. | cs.CL | Simulating H.P. Lovecraft horror literature with the ChatGPT large language model |
2023-05-05T10:39:32Z | http://arxiv.org/pdf/2305.03423v2 | http://arxiv.org/abs/2305.03423v2 | Ralph Peeters, Christian Bizer | 2023-06-22T14:09:56Z | cs.CL | Entity Matching is the task of deciding if two entity descriptions refer to
the same real-world entity. State-of-the-art entity matching methods often rely
on fine-tuning Transformer models such as BERT or RoBERTa. Two major drawbacks
of using these models for entity matching are that (i) the models require
significant amounts of fine-tuning data for reaching a good performance and
(ii) the fine-tuned models are not robust concerning out-of-distribution
entities. In this paper, we investigate using ChatGPT for entity matching as a
more robust, training data-efficient alternative to traditional Transformer
models. We perform experiments along three dimensions: (i) general prompt
design, (ii) in-context learning, and (iii) provision of higher-level matching
knowledge. We show that ChatGPT is competitive with a fine-tuned RoBERTa model,
reaching a zero-shot performance of 82.35% F1 on a challenging matching task on
which RoBERTa requires 2000 training examples for reaching a similar
performance. Adding in-context demonstrations to the prompts further improves
the F1 by up to 7.85% when using similarity-based example selection. Always
using the same set of 10 handpicked demonstrations leads to an improvement of
4.92% over the zero-shot performance. Finally, we show that ChatGPT can also be
guided by adding higher-level matching knowledge in the form of rules to the
prompts. Providing matching rules leads to similar performance gains as
providing in-context demonstrations. | cs.CL | Using ChatGPT for Entity Matching |
2023-05-05T10:17:22Z | http://arxiv.org/pdf/2305.03407v1 | http://arxiv.org/abs/2305.03407v1 | G. C. M. Silvestre, F. Balado, O. Akinremi, M. Ramo | 2023-05-05T10:17:22Z | cs.CL | The Transformer architecture is shown to provide a powerful machine
transduction framework for online handwritten gestures corresponding to glyph
strokes of natural language sentences. The attention mechanism is successfully
used to create latent representations of an end-to-end encoder-decoder model,
solving multi-level segmentation while also learning some language features and
syntax rules. The additional use of a large decoding space with some learned
Byte-Pair-Encoding (BPE) is shown to provide robustness to ablated inputs and
syntax rules. The encoder stack was directly fed with spatio-temporal data
tokens potentially forming an infinitely large input vocabulary, an approach
that finds applications beyond that of this work. Encoder transfer learning
capabilities is also demonstrated on several languages resulting in faster
optimisation and shared parameters. A new supervised dataset of online
handwriting gestures suitable for generic handwriting recognition tasks was
used to successfully train a small transformer model to an average normalised
Levenshtein accuracy of 96% on English or German sentences and 94% in French. | cs.CL | Online Gesture Recognition using Transformer and Natural Language Processing |
2023-05-05T09:21:13Z | http://arxiv.org/pdf/2305.06475v1 | http://arxiv.org/abs/2305.06475v1 | Nisheeth Joshi, Pragya Katyayan | 2023-05-05T09:21:13Z | cs.CL, cs.AI | People who are visually impaired face a lot of difficulties while studying.
One of the major causes to this is lack of available text in Bharti Braille
script. In this paper, we have suggested a scheme to convert text in major
Indian languages into Bharti Braille. The system uses a hybrid approach where
at first the text in Indian language is given to a rule based system and in
case if there is any ambiguity then it is resolved by applying a LSTM based
model. The developed model has also been tested and found to have produced near
accurate results. | cs.CL | A Model for Translation of Text from Indian Languages to Bharti Braille Characters |
2023-05-05T08:59:03Z | http://arxiv.org/pdf/2305.06157v1 | http://arxiv.org/abs/2305.06157v1 | Nisheeth Joshi, Pragya Katyayan | 2023-05-05T08:59:03Z | cs.CL, cs.AI | In this paper, we have shown the improvement of English to Bharti Braille
machine translation system. We have shown how we can improve a baseline NMT
model by adding some linguistic knowledge to it. This was done for five
language pairs where English sentences were translated into five Indian
languages and then subsequently to corresponding Bharti Braille. This has been
demonstrated by adding a sub-module for translating multi-word expressions. The
approach shows promising results as across language pairs, we could see
improvement in the quality of NMT outputs. The least improvement was observed
in English-Nepali language pair with 22.08% and the most improvement was
observed in the English-Hindi language pair with 23.30%. | cs.CL | Implications of Multi-Word Expressions on English to Bharti Braille Machine Translation |
2023-05-05T08:53:57Z | http://arxiv.org/pdf/2305.03369v1 | http://arxiv.org/abs/2305.03369v1 | Lukas Christ, Shahin Amiriparian, Alice Baird, Alexander Kathan, Niklas Müller, Steffen Klug, Chris Gagne, Panagiotis Tzirakis, Eva-Maria Meßner, Andreas König, Alan Cowen, Erik Cambria, Björn W. Schuller | 2023-05-05T08:53:57Z | cs.LG, cs.AI, cs.CL, cs.MM | The MuSe 2023 is a set of shared tasks addressing three different
contemporary multimodal affect and sentiment analysis problems: In the Mimicked
Emotions Sub-Challenge (MuSe-Mimic), participants predict three continuous
emotion targets. This sub-challenge utilises the Hume-Vidmimic dataset
comprising of user-generated videos. For the Cross-Cultural Humour Detection
Sub-Challenge (MuSe-Humour), an extension of the Passau Spontaneous Football
Coach Humour (Passau-SFCH) dataset is provided. Participants predict the
presence of spontaneous humour in a cross-cultural setting. The Personalisation
Sub-Challenge (MuSe-Personalisation) is based on the Ulm-Trier Social Stress
Test (Ulm-TSST) dataset, featuring recordings of subjects in a stressed
situation. Here, arousal and valence signals are to be predicted, whereas parts
of the test labels are made available in order to facilitate personalisation.
MuSe 2023 seeks to bring together a broad audience from different research
communities such as audio-visual emotion recognition, natural language
processing, signal processing, and health informatics. In this baseline paper,
we introduce the datasets, sub-challenges, and provided feature sets. As a
competitive baseline system, a Gated Recurrent Unit (GRU)-Recurrent Neural
Network (RNN) is employed. On the respective sub-challenges' test datasets, it
achieves a mean (across three continuous intensity targets) Pearson's
Correlation Coefficient of .4727 for MuSe-Mimic, an Area Under the Curve (AUC)
value of .8310 for MuSe-Humor and Concordance Correlation Coefficient (CCC)
values of .7482 for arousal and .7827 for valence in the MuSe-Personalisation
sub-challenge. | cs.LG | The MuSe 2023 Multimodal Sentiment Analysis Challenge: Mimicked Emotions, Cross-Cultural Humour, and Personalisation |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.