publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2023-06-11T12:25:02Z | http://arxiv.org/pdf/2306.06662v2 | http://arxiv.org/abs/2306.06662v2 | Hanwool Lee, Jonghyun Choi, Sohyeon Kwon, Sungbum Jung | 2023-06-13T13:47:15Z | cs.CL, cs.AI | This paper presents our participation in the FinNLP-2023 shared task on
multi-lingual environmental, social, and corporate governance issue
identification (ML-ESG). The task's objective is to classify news articles
based on the 35 ESG key issues defined by the MSCI ESG rating guidelines. Our
approach focuses on the English and French subtasks, employing the CerebrasGPT,
OPT, and Pythia models, along with the zero-shot and GPT3Mix Augmentation
techniques. We utilize various encoder models, such as RoBERTa, DeBERTa, and
FinBERT, subjecting them to knowledge distillation and additional training.
Our approach yielded exceptional results, securing the first position in the
English text subtask with F1-score 0.69 and the second position in the French
text subtask with F1-score 0.78. These outcomes underscore the effectiveness of
our methodology in identifying ESG issues in news articles across different
languages. Our findings contribute to the exploration of ESG topics and
highlight the potential of leveraging advanced language models for ESG issue
identification. | cs.CL | EaSyGuide : ESG Issue Identification Framework leveraging Abilities of Generative Large Language Models |
2023-06-11T09:17:24Z | http://arxiv.org/pdf/2306.06630v1 | http://arxiv.org/abs/2306.06630v1 | Ahmad-Saher Azizi-Sultan | 2023-06-11T09:17:24Z | math.LO, cs.CL, 03B05 | This work, shows how propositional resolution can be generalized to obtain a
resolution proof system for constrained pseudo-propositional logic (CPPL),
which is an extension resulted from inserting the natural numbers with few
constraints symbols into the alphabet of propositional logic and adjusting the
underling language accordingly. Unlike the construction of CNF formulas which
are restricted to a finite set of clauses, the extended CPPL does not require
the corresponding set to be finite.
Although this restriction is made dispensable, this work presents a
constructive proof showing that the generalized resolution for CPPL is sound
and complete. As a marginal result, this implies that propositional resolution
is also sound and complete for formulas with even infinite set of clauses. | math.LO | Resolution for Constrained Pseudo-Propositional Logic |
2023-06-11T09:17:21Z | http://arxiv.org/pdf/2306.06629v1 | http://arxiv.org/abs/2306.06629v1 | Shicheng Tan, Weng Lam Tam, Yuanchun Wang, Wenwen Gong, Yang Yang, Hongyin Tang, Keqing He, Jiahao Liu, Jingang Wang, Shu Zhao, Peng Zhang, Jie Tang | 2023-06-11T09:17:21Z | cs.CL, cs.AI | Currently, the reduction in the parameter scale of large-scale pre-trained
language models (PLMs) through knowledge distillation has greatly facilitated
their widespread deployment on various devices. However, the deployment of
knowledge distillation systems faces great challenges in real-world
industrial-strength applications, which require the use of complex distillation
methods on even larger-scale PLMs (over 10B), limited by memory on GPUs and the
switching of methods. To overcome these challenges, we propose GKD, a general
knowledge distillation framework that supports distillation on larger-scale
PLMs using various distillation methods. With GKD, developers can build larger
distillation models on memory-limited GPUs and easily switch and combine
different distillation methods within a single framework. Experimental results
show that GKD can support the distillation of at least 100B-scale PLMs and 25
mainstream methods on 8 NVIDIA A100 (40GB) GPUs. | cs.CL | GKD: A General Knowledge Distillation Framework for Large-scale Pre-trained Language Model |
2023-06-11T08:53:27Z | http://arxiv.org/pdf/2306.06625v1 | http://arxiv.org/abs/2306.06625v1 | Shicheng Tan, Weng Lam Tam, Yuanchun Wang, Wenwen Gong, Shu Zhao, Peng Zhang, Jie Tang | 2023-06-11T08:53:27Z | cs.CL, cs.AI | The large scale of pre-trained language models poses a challenge for their
deployment on various devices, with a growing emphasis on methods to compress
these models, particularly knowledge distillation. However, current knowledge
distillation methods rely on the model's intermediate layer features and the
golden labels (also called hard labels), which usually require aligned model
architecture and enough labeled data respectively. Moreover, the parameters of
vocabulary are usually neglected in existing methods. To address these
problems, we propose a general language model distillation (GLMD) method that
performs two-stage word prediction distillation and vocabulary compression,
which is simple and surprisingly shows extremely strong performance.
Specifically, GLMD supports more general application scenarios by eliminating
the constraints of dimension and structure between models and the need for
labeled datasets through the absence of intermediate layers and golden labels.
Meanwhile, based on the long-tailed distribution of word frequencies in the
data, GLMD designs a strategy of vocabulary compression through decreasing
vocabulary size instead of dimensionality. Experimental results show that our
method outperforms 25 state-of-the-art methods on the SuperGLUE benchmark,
achieving an average score that surpasses the best method by 3%. | cs.CL | Are Intermediate Layers and Labels Really Necessary? A General Language Model Distillation Method |
2023-06-11T08:53:12Z | http://arxiv.org/pdf/2306.06624v2 | http://arxiv.org/abs/2306.06624v2 | Yifan Song, Weimin Xiong, Dawei Zhu, Wenhao Wu, Han Qian, Mingbo Song, Hailiang Huang, Cheng Li, Ke Wang, Rong Yao, Ye Tian, Sujian Li | 2023-08-27T02:55:36Z | cs.CL | Tool-augmented large language models (LLMs) have achieved remarkable progress
in tackling a broad range of tasks. However, existing methods are mainly
restricted to specifically designed tools and fail to fulfill complex
instructions, having great limitations when confronted with real-world
scenarios. In this paper, we explore a more realistic scenario by connecting
LLMs with RESTful APIs, which adhere to the widely adopted REST software
architectural style for web service development. To address the practical
challenges of tackling complex instructions, we propose RestGPT, which exploits
the power of LLMs and conducts a coarse-to-fine online planning mechanism to
enhance the abilities of task decomposition and API selection. RestGPT also
contains an API executor tailored for calling RESTful APIs, which can
meticulously formulate parameters and parse API responses. To fully evaluate
the performance of RestGPT, we propose RestBench, a high-quality benchmark
which consists of two real-world scenarios and human-annotated instructions
with gold solution paths. Experiments show that RestGPT is able to achieve
impressive results in complex tasks and has strong robustness, which paves a
new way towards AGI. RestGPT and RestBench is publicly available at
https://restgpt.github.io/. | cs.CL | RestGPT: Connecting Large Language Models with Real-World RESTful APIs |
2023-06-11T08:16:25Z | http://arxiv.org/pdf/2306.06615v2 | http://arxiv.org/abs/2306.06615v2 | Jiatong Li, Yunqing Liu, Wenqi Fan, Xiao-Yong Wei, Hui Liu, Jiliang Tang, Qing Li | 2024-04-22T17:41:43Z | cs.CL, cs.AI | Molecule discovery plays a crucial role in various scientific fields,
advancing the design of tailored materials and drugs. However, most of the
existing methods heavily rely on domain experts, require excessive
computational cost, or suffer from sub-optimal performance. On the other hand,
Large Language Models (LLMs), like ChatGPT, have shown remarkable performance
in various cross-modal tasks due to their powerful capabilities in natural
language understanding, generalization, and in-context learning (ICL), which
provides unprecedented opportunities to advance molecule discovery. Despite
several previous works trying to apply LLMs in this task, the lack of
domain-specific corpus and difficulties in training specialized LLMs still
remain challenges. In this work, we propose a novel LLM-based framework
(MolReGPT) for molecule-caption translation, where an In-Context Few-Shot
Molecule Learning paradigm is introduced to empower molecule discovery with
LLMs like ChatGPT to perform their in-context learning capability without
domain-specific pre-training and fine-tuning. MolReGPT leverages the principle
of molecular similarity to retrieve similar molecules and their text
descriptions from a local database to enable LLMs to learn the task knowledge
from context examples. We evaluate the effectiveness of MolReGPT on
molecule-caption translation, including molecule understanding and text-based
molecule generation. Experimental results show that compared to fine-tuned
models, MolReGPT outperforms MolT5-base and is comparable to MolT5-large
without additional training. To the best of our knowledge, MolReGPT is the
first work to leverage LLMs via in-context learning in molecule-caption
translation for advancing molecule discovery. Our work expands the scope of LLM
applications, as well as providing a new paradigm for molecule discovery and
design. | cs.CL | Empowering Molecule Discovery for Molecule-Caption Translation with Large Language Models: A ChatGPT Perspective |
2023-06-11T07:32:10Z | http://arxiv.org/pdf/2306.10042v1 | http://arxiv.org/abs/2306.10042v1 | Fan Yang, Mian Zhang, Gongzhen Hu, Xiabing Zhou | 2023-06-11T07:32:10Z | cs.IR, cs.AI, cs.CL | Aspect Sentiment Triplet Extraction (ASTE) aims to extract the triplet of an
aspect term, an opinion term, and their corresponding sentiment polarity from
the review texts. Due to the complexity of language and the existence of
multiple aspect terms and opinion terms in a single sentence, current models
often confuse the connections between an aspect term and the opinion term
describing it. To address this issue, we propose a pairing enhancement approach
for ASTE, which incorporates contrastive learning during the training stage to
inject aspect-opinion pairing knowledge into the triplet extraction model.
Experimental results demonstrate that our approach performs well on four ASTE
datasets (i.e., 14lap, 14res, 15res and 16res) compared to several related
classical and state-of-the-art triplet extraction methods. Moreover, ablation
studies conduct an analysis and verify the advantage of contrastive learning
over other pairing enhancement approaches. | cs.IR | A Pairing Enhancement Approach for Aspect Sentiment Triplet Extraction |
2023-06-11T06:55:59Z | http://arxiv.org/pdf/2306.06605v1 | http://arxiv.org/abs/2306.06605v1 | Sugyeong Eo, Hyeonseok Moon, Jinsung Kim, Yuna Hur, Jeongwook Kim, Songeun Lee, Changwoo Chun, Sungsoo Park, Heuiseok Lim | 2023-06-11T06:55:59Z | cs.CL | Recent advances in QA pair generation (QAG) have raised interest in applying
this technique to the educational field. However, the diversity of QA types
remains a challenge despite its contributions to comprehensive learning and
assessment of children. In this paper, we propose a QAG framework that enhances
QA type diversity by producing different interrogative sentences and
implicit/explicit answers. Our framework comprises a QFS-based answer
generator, an iterative QA generator, and a relevancy-aware ranker. The two
generators aim to expand the number of candidates while covering various types.
The ranker trained on the in-context negative samples clarifies the top-N
outputs based on the ranking score. Extensive evaluations and detailed analyses
demonstrate that our approach outperforms previous state-of-the-art results by
significant margins, achieving improved diversity and quality. Our
task-oriented processes are consistent with real-world demand, which highlights
our system's high applicability. | cs.CL | Towards Diverse and Effective Question-Answer Pair Generation from Children Storybooks |
2023-06-11T06:36:19Z | http://arxiv.org/pdf/2306.06601v1 | http://arxiv.org/abs/2306.06601v1 | Ting Zhang, Zhuang Chen, Ming Zhong, Tieyun Qian | 2023-06-11T06:36:19Z | cs.CL | Emotion recognition in conversation, which aims to predict the emotion for
all utterances, has attracted considerable research attention in recent years.
It is a challenging task since the recognition of the emotion in one utterance
involves many complex factors, such as the conversational context, the
speaker's background, and the subtle difference between emotion labels. In this
paper, we propose a novel framework which mimics the thinking process when
modeling these factors. Specifically, we first comprehend the conversational
context with a history-oriented prompt to selectively gather information from
predecessors of the target utterance. We then model the speaker's background
with an experience-oriented prompt to retrieve the similar utterances from all
conversations. We finally differentiate the subtle label semantics with a
paraphrasing mechanism to elicit the intrinsic label related knowledge. We
conducted extensive experiments on three benchmarks. The empirical results
demonstrate the superiority of our proposed framework over the state-of-the-art
baselines. | cs.CL | Mimicking the Thinking Process for Emotion Recognition in Conversation with Prompts and Paraphrasing |
2023-06-11T06:11:56Z | http://arxiv.org/pdf/2306.06598v1 | http://arxiv.org/abs/2306.06598v1 | Iulian-Marius Tăiatu, Andrei-Marius Avram, Dumitru-Clementin Cercel, Florin Pop | 2023-06-11T06:11:56Z | cs.CL | Developing natural language processing (NLP) systems for social media
analysis remains an important topic in artificial intelligence research. This
article introduces RoBERTweet, the first Transformer architecture trained on
Romanian tweets. Our RoBERTweet comes in two versions, following the base and
large architectures of BERT. The corpus used for pre-training the models
represents a novelty for the Romanian NLP community and consists of all tweets
collected from 2008 to 2022. Experiments show that RoBERTweet models outperform
the previous general-domain Romanian and multilingual language models on three
NLP tasks with tweet inputs: emotion detection, sexist language identification,
and named entity recognition. We make our models and the newly created corpus
of Romanian tweets freely available. | cs.CL | RoBERTweet: A BERT Language Model for Romanian Tweets |
2023-06-11T02:35:48Z | http://arxiv.org/pdf/2306.07935v1 | http://arxiv.org/abs/2306.07935v1 | Ruiting Dai, Jiayi Luo, Xucheng Luo, Lisi Mo, Wanlun Ma, Fan Zhou | 2023-06-11T02:35:48Z | cs.CL, cs.AI, cs.LG | Inferring geographic locations via social posts is essential for many
practical location-based applications such as product marketing,
point-of-interest recommendation, and infector tracking for COVID-19. Unlike
image-based location retrieval or social-post text embedding-based location
inference, the combined effect of multi-modal information (i.e., post images,
text, and hashtags) for social post positioning receives less attention. In
this work, we collect real datasets of social posts with images, texts, and
hashtags from Instagram and propose a novel Multi-modal Representation Learning
Framework (MRLF) capable of fusing different modalities of social posts for
location inference. MRLF integrates a multi-head attention mechanism to enhance
location-salient information extraction while significantly improving location
inference compared with single domain-based methods. To overcome the noisy
user-generated textual content, we introduce a novel attention-based
character-aware module that considers the relative dependencies between
characters of social post texts and hashtags for flexible multi-model
information fusion. The experimental results show that MRLF can make accurate
location predictions and open a new door to understanding the multi-modal data
of social posts for online inference tasks. | cs.CL | Multi-modal Representation Learning for Social Post Location Inference |
2023-06-11T00:23:25Z | http://arxiv.org/pdf/2306.06548v3 | http://arxiv.org/abs/2306.06548v3 | Simon J. Han, Keith Ransom, Andrew Perfors, Charles Kemp | 2023-08-04T01:36:56Z | cs.CL, cs.AI | The impressive recent performance of large language models has led many to
wonder to what extent they can serve as models of general intelligence or are
similar to human cognition. We address this issue by applying GPT-3.5 and GPT-4
to a classic problem in human inductive reasoning known as property induction.
Over two experiments, we elicit human judgments on a range of property
induction tasks spanning multiple domains. Although GPT-3.5 struggles to
capture many aspects of human behaviour, GPT-4 is much more successful: for the
most part, its performance qualitatively matches that of humans, and the only
notable exception is its failure to capture the phenomenon of premise
non-monotonicity. Our work demonstrates that property induction allows for
interesting comparisons between human and machine intelligence and provides two
large datasets that can serve as benchmarks for future work in this vein. | cs.CL | Inductive reasoning in humans and large language models |
2023-06-10T21:58:29Z | http://arxiv.org/pdf/2306.06531v3 | http://arxiv.org/abs/2306.06531v3 | Yongchao Chen, Jacob Arkin, Charles Dawson, Yang Zhang, Nicholas Roy, Chuchu Fan | 2024-03-22T00:21:04Z | cs.RO, cs.CL, cs.HC | For effective human-robot interaction, robots need to understand, plan, and
execute complex, long-horizon tasks described by natural language. Recent
advances in large language models (LLMs) have shown promise for translating
natural language into robot action sequences for complex tasks. However,
existing approaches either translate the natural language directly into robot
trajectories or factor the inference process by decomposing language into task
sub-goals and relying on a motion planner to execute each sub-goal. When
complex environmental and temporal constraints are involved, inference over
planning tasks must be performed jointly with motion plans using traditional
task-and-motion planning (TAMP) algorithms, making factorization into subgoals
untenable. Rather than using LLMs to directly plan task sub-goals, we instead
perform few-shot translation from natural language task descriptions to an
intermediate task representation that can then be consumed by a TAMP algorithm
to jointly solve the task and motion plan. To improve translation, we
automatically detect and correct both syntactic and semantic errors via
autoregressive re-prompting, resulting in significant improvements in task
completion. We show that our approach outperforms several methods using LLMs as
planners in complex task domains. See our project website
https://yongchao98.github.io/MIT-REALM-AutoTAMP/ for prompts, videos, and code. | cs.RO | AutoTAMP: Autoregressive Task and Motion Planning with LLMs as Translators and Checkers |
2023-06-10T21:20:47Z | http://arxiv.org/pdf/2306.06524v1 | http://arxiv.org/abs/2306.06524v1 | Mu Yang, Ram C. M. C. Shekar, Okim Kang, John H. L. Hansen | 2023-06-10T21:20:47Z | eess.AS, cs.CL, cs.SD | This study is focused on understanding and quantifying the change in phoneme
and prosody information encoded in the Self-Supervised Learning (SSL) model,
brought by an accent identification (AID) fine-tuning task. This problem is
addressed based on model probing. Specifically, we conduct a systematic
layer-wise analysis of the representations of the Transformer layers on a
phoneme correlation task, and a novel word-level prosody prediction task. We
compare the probing performance of the pre-trained and fine-tuned SSL models.
Results show that the AID fine-tuning task steers the top 2 layers to learn
richer phoneme and prosody representation. These changes share some
similarities with the effects of fine-tuning with an Automatic Speech
Recognition task. In addition, we observe strong accent-specific phoneme
representations in layer 9. To sum up, this study provides insights into the
understanding of SSL features and their interactions with fine-tuning tasks. | eess.AS | What Can an Accent Identifier Learn? Probing Phonetic and Prosodic Information in a Wav2vec2-based Accent Identification Model |
2023-06-10T21:09:16Z | http://arxiv.org/pdf/2306.06521v1 | http://arxiv.org/abs/2306.06521v1 | Anees Aslam | 2023-06-10T21:09:16Z | cs.CL, cs.AI, cs.LG | Large Language Models are designed to understand complex Human Language. Yet,
Understanding of animal language has long intrigued researchers striving to
bridge the communication gap between humans and other species. This research
paper introduces a novel approach that draws inspiration from the linguistic
concepts found in the Quran, a revealed Holy Arabic scripture dating back 1400
years. By exploring the linguistic structure of the Quran, specifically the
components of ism, fil, and harf, we aim to unlock the underlying intentions
and meanings embedded within animal conversations using audio data. To unravel
the intricate complexities of animal language, we employ word embedding
techniques to analyze each distinct frequency component. This methodology
enables the identification of potential correlations and the extraction of
meaningful insights from the data. Furthermore, we leverage a bioacoustics
model to generate audio, which serves as a valuable resource for training
natural language processing (NLP) techniques. This Paper aims to find the
intention* behind animal language rather than having each word translation. | cs.CL | Universal Language Modelling agent |
2023-06-10T20:55:21Z | http://arxiv.org/pdf/2306.07297v1 | http://arxiv.org/abs/2306.07297v1 | Shouvon Sarker, Lijun Qian, Xishuang Dong | 2023-06-10T20:55:21Z | cs.CL, cs.AI, cs.LG | The identification of key factors such as medications, diseases, and
relationships within electronic health records and clinical notes has a wide
range of applications in the clinical field. In the N2C2 2022 competitions,
various tasks were presented to promote the identification of key factors in
electronic health records (EHRs) using the Contextualized Medication Event
Dataset (CMED). Pretrained large language models (LLMs) demonstrated
exceptional performance in these tasks. This study aims to explore the
utilization of LLMs, specifically ChatGPT, for data augmentation to overcome
the limited availability of annotated data for identifying the key factors in
EHRs. Additionally, different pre-trained BERT models, initially trained on
extensive datasets like Wikipedia and MIMIC, were employed to develop models
for identifying these key variables in EHRs through fine-tuning on augmented
datasets. The experimental results of two EHR analysis tasks, namely medication
identification and medication event classification, indicate that data
augmentation based on ChatGPT proves beneficial in improving performance for
both medication identification and medication event classification. | cs.CL | Medical Data Augmentation via ChatGPT: A Case Study on Medication Identification and Medication Event Classification |
2023-06-10T16:38:46Z | http://arxiv.org/pdf/2306.06480v1 | http://arxiv.org/abs/2306.06480v1 | Wei Liu, Michael Strube | 2023-06-10T16:38:46Z | cs.CL | Implicit discourse relation classification is a challenging task due to the
absence of discourse connectives. To overcome this issue, we design an
end-to-end neural model to explicitly generate discourse connectives for the
task, inspired by the annotation process of PDTB. Specifically, our model
jointly learns to generate discourse connectives between arguments and predict
discourse relations based on the arguments and the generated connectives. To
prevent our relation classifier from being misled by poor connectives generated
at the early stage of training while alleviating the discrepancy between
training and inference, we adopt Scheduled Sampling to the joint learning. We
evaluate our method on three benchmarks, PDTB 2.0, PDTB 3.0, and PCC. Results
show that our joint model significantly outperforms various baselines on three
datasets, demonstrating its superiority for the task. | cs.CL | Annotation-Inspired Implicit Discourse Relation Classification with Auxiliary Discourse Connective Generation |
2023-06-10T16:31:04Z | http://arxiv.org/pdf/2306.06477v1 | http://arxiv.org/abs/2306.06477v1 | Maithili Sabane, Aparna Ranade, Onkar Litake, Parth Patil, Raviraj Joshi, Dipali Kadam | 2023-06-10T16:31:04Z | cs.CL, cs.LG | Named Entity Recognition (NER) is a fundamental task in NLP that is used to
locate the key information in text and is primarily applied in conversational
and search systems. In commercial applications, NER or comparable slot-filling
methods have been widely deployed for popular languages. NER is used in
applications such as human resources, customer service, search engines, content
classification, and academia. In this paper, we draw focus on identifying name
entities for low-resource Indian languages that are closely related, like Hindi
and Marathi. We use various adaptations of BERT such as baseBERT, AlBERT, and
RoBERTa to train a supervised NER model. We also compare multilingual models
with monolingual models and establish a baseline. In this work, we show the
assisting capabilities of the Hindi and Marathi languages for the NER task. We
show that models trained using multiple languages perform better than a single
language. However, we also observe that blind mixing of all datasets doesn't
necessarily provide improvements and data selection methods may be required. | cs.CL | Enhancing Low Resource NER Using Assisting Language And Transfer Learning |
2023-06-10T16:28:52Z | http://arxiv.org/pdf/2306.06476v1 | http://arxiv.org/abs/2306.06476v1 | Abdelhamid Haouhat, Slimane Bellaouar, Attia Nehar, Hadda Cherroun | 2023-06-10T16:28:52Z | cs.CL, cs.AI | Multimodal Machine Learning has emerged as a prominent research direction
across various applications such as Sentiment Analysis, Emotion Recognition,
Machine Translation, Hate Speech Recognition, and Movie Genre Classification.
This approach has shown promising results by utilizing modern deep learning
architectures. Despite the achievements made, challenges remain in data
representation, alignment techniques, reasoning, generation, and quantification
within multimodal learning. Additionally, assumptions about the dominant role
of textual modality in decision-making have been made. However, limited
investigations have been conducted on the influence of different modalities in
Multimodal Machine Learning systems. This paper aims to address this gap by
studying the impact of each modality on multimodal learning tasks. The research
focuses on verifying presumptions and gaining insights into the usage of
different modalities. The main contribution of this work is the proposal of a
methodology to determine the effect of each modality on several Multimodal
Machine Learning models and datasets from various tasks. Specifically, the
study examines Multimodal Sentiment Analysis, Multimodal Emotion Recognition,
Multimodal Hate Speech Recognition, and Multimodal Disease Detection. The study
objectives include training SOTA MultiModal Machine Learning models with masked
modalities to evaluate their impact on performance. Furthermore, the research
aims to identify the most influential modality or set of modalities for each
task and draw conclusions for diverse multimodal classification tasks. By
undertaking these investigations, this research contributes to a better
understanding of the role of individual modalities in multi-modal learning and
provides valuable insights for future advancements in this field. | cs.CL | Modality Influence in Multimodal Machine Learning |
2023-06-10T16:08:47Z | http://arxiv.org/pdf/2306.06472v1 | http://arxiv.org/abs/2306.06472v1 | Wei Liu, Xiyan Fu, Michael Strube | 2023-06-10T16:08:47Z | cs.CL | Coherence is an important aspect of text quality, and various approaches have
been applied to coherence modeling. However, existing methods solely focus on a
single document's coherence patterns, ignoring the underlying correlation
between documents. We investigate a GCN-based coherence model that is capable
of capturing structural similarities between documents. Our model first creates
a graph structure for each document, from where we mine different subgraph
patterns. We then construct a heterogeneous graph for the training corpus,
connecting documents based on their shared subgraphs. Finally, a GCN is applied
to the heterogeneous graph to model the connectivity relationships. We evaluate
our method on two tasks, assessing discourse coherence and automated essay
scoring. Results show that our GCN-based model outperforms all baselines,
achieving a new state-of-the-art on both tasks. | cs.CL | Modeling Structural Similarities between Documents for Coherence Assessment with Graph Convolutional Networks |
2023-06-10T15:36:04Z | http://arxiv.org/pdf/2306.06466v1 | http://arxiv.org/abs/2306.06466v1 | Wenjun Hou, Kaishuai Xu, Yi Cheng, Wenjie Li, Jiang Liu | 2023-06-10T15:36:04Z | cs.CL | This paper explores the task of radiology report generation, which aims at
generating free-text descriptions for a set of radiographs. One significant
challenge of this task is how to correctly maintain the consistency between the
images and the lengthy report. Previous research explored solving this issue
through planning-based methods, which generate reports only based on high-level
plans. However, these plans usually only contain the major observations from
the radiographs (e.g., lung opacity), lacking much necessary information, such
as the observation characteristics and preliminary clinical diagnoses. To
address this problem, the system should also take the image information into
account together with the textual plan and perform stronger reasoning during
the generation process. In this paper, we propose an observation-guided
radiology report generation framework (ORGAN). It first produces an observation
plan and then feeds both the plan and radiographs for report generation, where
an observation graph and a tree reasoning mechanism are adopted to precisely
enrich the plan information by capturing the multi-formats of each observation.
Experimental results demonstrate that our framework outperforms previous
state-of-the-art methods regarding text quality and clinical efficacy | cs.CL | ORGAN: Observation-Guided Radiology Report Generation via Tree Reasoning |
2023-06-10T12:42:36Z | http://arxiv.org/pdf/2306.06427v3 | http://arxiv.org/abs/2306.06427v3 | Jianing Wang, Qiushi Sun, Xiang Li, Ming Gao | 2024-06-03T14:59:11Z | cs.CL | Recently, Chain-of-Thought (CoT) prompting has delivered success on complex
reasoning tasks, which aims at designing a simple prompt like ``Let's think
step by step'' or multiple in-context exemplars with well-designed rationales
to elicit Large Language Models (LLMs) to generate intermediate reasoning
steps. However, the generated rationales often come with mistakes, making
unfactual and unfaithful reasoning chains. To mitigate this brittleness, we
propose a novel Chain-of-Knowledge (CoK) prompting, where we aim at eliciting
LLMs to generate explicit pieces of knowledge evidence in the form of structure
triple. This is inspired by our human behaviors, i.e., we can draw a mind map
or knowledge map as the reasoning evidence in the brain before answering a
complex question. Benefiting from CoK, we additionally introduce a
F^2-Verification method to estimate the reliability of the reasoning chains in
terms of factuality and faithfulness. For the unreliable response, the wrong
evidence can be indicated to prompt the LLM to rethink. Extensive experiments
demonstrate that our method can further improve the performance of commonsense,
factual, symbolic, and arithmetic reasoning tasks. | cs.CL | Boosting Language Models Reasoning with Chain-of-Knowledge Prompting |
2023-06-10T11:04:10Z | http://arxiv.org/pdf/2306.06410v1 | http://arxiv.org/abs/2306.06410v1 | Xize Cheng, Tao Jin, Linjun Li, Wang Lin, Xinyu Duan, Zhou Zhao | 2023-06-10T11:04:10Z | cs.CL, cs.CV | Speech Recognition builds a bridge between the multimedia streaming
(audio-only, visual-only or audio-visual) and the corresponding text
transcription. However, when training the specific model of new domain, it
often gets stuck in the lack of new-domain utterances, especially the labeled
visual utterances. To break through this restriction, we attempt to achieve
zero-shot modality transfer by maintaining the multi-modality alignment in
phoneme space learned with unlabeled multimedia utterances in the high resource
domain during the pre-training \cite{shi2022learning}, and propose a training
system Open-modality Speech Recognition (\textbf{OpenSR}) that enables the
models trained on a single modality (e.g., audio-only) applicable to more
modalities (e.g., visual-only and audio-visual). Furthermore, we employ a
cluster-based prompt tuning strategy to handle the domain shift for the
scenarios with only common words in the new domain utterances. We demonstrate
that OpenSR enables modality transfer from one to any in three different
settings (zero-, few- and full-shot), and achieves highly competitive zero-shot
performance compared to the existing few-shot and full-shot lip-reading
methods. To the best of our knowledge, OpenSR achieves the state-of-the-art
performance of word error rate in LRS2 on audio-visual speech recognition and
lip-reading with 2.7\% and 25.0\%, respectively. The code and demo are
available at https://github.com/Exgc/OpenSR. | cs.CL | OpenSR: Open-Modality Speech Recognition via Maintaining Multi-Modality Alignment |
2023-06-10T08:58:53Z | http://arxiv.org/pdf/2306.06384v1 | http://arxiv.org/abs/2306.06384v1 | Vineet Bhat, Preethi Jyothi, Pushpak Bhattacharyya | 2023-06-10T08:58:53Z | cs.CL | Disfluencies commonly occur in conversational speech. Speech with
disfluencies can result in noisy Automatic Speech Recognition (ASR)
transcripts, which affects downstream tasks like machine translation. In this
paper, we propose an adversarially-trained sequence-tagging model for
Disfluency Correction (DC) that utilizes a small amount of labeled real
disfluent data in conjunction with a large amount of unlabeled data. We show
the benefit of our proposed technique, which crucially depends on synthetically
generated disfluent data, by evaluating it for DC in three Indian languages-
Bengali, Hindi, and Marathi (all from the Indo-Aryan family). Our technique
also performs well in removing stuttering disfluencies in ASR transcripts
introduced by speech impairments. We achieve an average 6.15 points improvement
in F1-score over competitive baselines across all three languages mentioned. To
the best of our knowledge, we are the first to utilize adversarial training for
DC and use it to correct stuttering disfluencies in English, establishing a new
benchmark for this task. | cs.CL | Adversarial Training For Low-Resource Disfluency Correction |
2023-06-10T08:39:16Z | http://arxiv.org/pdf/2306.06381v1 | http://arxiv.org/abs/2306.06381v1 | Wenhao Zhu, Jingjing Xu, Shujian Huang, Lingpeng Kong, Jiajun Chen | 2023-06-10T08:39:16Z | cs.CL | Neural machine translation has achieved promising results on many translation
tasks. However, previous studies have shown that neural models induce a
non-smooth representation space, which harms its generalization results.
Recently, kNN-MT has provided an effective paradigm to smooth the prediction
based on neighbor representations during inference. Despite promising results,
kNN-MT usually requires large inference overhead. We propose an effective
training framework INK to directly smooth the representation space via
adjusting representations of kNN neighbors with a small number of new
parameters. The new parameters are then used to refresh the whole
representation datastore to get new kNN knowledge asynchronously. This loop
keeps running until convergence. Experiments on four benchmark datasets show
that \method achieves average gains of 1.99 COMET and 1.0 BLEU, outperforming
the state-of-the-art kNN-MT system with 0.02x memory space and 1.9x inference
speedup. | cs.CL | INK: Injecting kNN Knowledge in Nearest Neighbor Machine Translation |
2023-06-10T07:27:51Z | http://arxiv.org/pdf/2306.06371v1 | http://arxiv.org/abs/2306.06371v1 | Jessica López Espejel, Mahaman Sanoussi Yahaya Alassan, El Mehdi Chouham, Walid Dahhane, El Hassane Ettifouri | 2023-06-10T07:27:51Z | cs.CL | Java Code Generation consists in generating automatically Java code from a
Natural Language Text. This NLP task helps in increasing programmers'
productivity by providing them with immediate solutions to the simplest and
most repetitive tasks. Code generation is a challenging task because of the
hard syntactic rules and the necessity of a deep understanding of the semantic
aspect of the programming language. Many works tried to tackle this task using
either RNN-based, or Transformer-based models. The latter achieved remarkable
advancement in the domain and they can be divided into three groups: (1)
encoder-only models, (2) decoder-only models, and (3) encoder-decoder models.
In this paper, we provide a comprehensive review of the evolution and progress
of deep learning models in Java code generation task. We focus on the most
important methods and present their merits and limitations, as well as the
objective functions used by the community. In addition, we provide a detailed
description of datasets and evaluation metrics used in the literature. Finally,
we discuss results of different models on CONCODE dataset, then propose some
future directions. | cs.CL | A Comprehensive Review of State-of-The-Art Methods for Java Code Generation from Natural Language Text |
2023-06-10T05:24:29Z | http://arxiv.org/pdf/2306.06345v2 | http://arxiv.org/abs/2306.06345v2 | Shen-sian Syu, Juncheng Xie, Hung-yi Lee | 2023-08-31T03:14:47Z | cs.CL | Non-autoregressive approaches aim to improve the inference speed of
translation models, particularly those that generate output in a one-pass
forward manner. However, these approaches often suffer from a significant drop
in translation quality compared to autoregressive models. This paper introduces
a series of innovative techniques to enhance the translation quality of
Non-Autoregressive Translation (NAT) models while maintaining a substantial
acceleration in inference speed. We propose fine-tuning Pretrained Multilingual
Language Models (PMLMs) with the CTC loss to train NAT models effectively.
Furthermore, we adopt the MASK insertion scheme for up-sampling instead of
token duplication, and we present an embedding distillation method to further
enhance performance. In our experiments, our model outperforms the baseline
autoregressive model (Transformer \textit{base}) on multiple datasets,
including WMT'14 DE$\leftrightarrow$EN, WMT'16 RO$\leftrightarrow$EN, and
IWSLT'14 DE$\leftrightarrow$EN. Notably, our model achieves better performance
than the baseline autoregressive model on the IWSLT'14 En$\leftrightarrow$De
and WMT'16 En$\leftrightarrow$Ro datasets, even without using distillation data
during training. It is worth highlighting that on the IWSLT'14
DE$\rightarrow$EN dataset, our model achieves an impressive BLEU score of
39.59, setting a new state-of-the-art performance. Additionally, our model
exhibits a remarkable speed improvement of 16.35 times compared to the
autoregressive model. | cs.CL | Improving Non-autoregressive Translation Quality with Pretrained Language Model, Embedding Distillation and Upsampling Strategy for CTC |
2023-06-10T04:31:57Z | http://arxiv.org/pdf/2306.07932v2 | http://arxiv.org/abs/2306.07932v2 | Zefan Cai, Baobao Chang, Wenjuan Han | 2023-06-23T05:56:51Z | cs.CL, cs.AI | While the emergence of powerful language models along with Chain-of-thought
prompting has made automation more and more omnipresent, it sometimes
demonstrates its weakness in long-term or multi-step logical reasoning. For
example, users don't always get desirable answers for complex mathematical
problems without human involvement. Against this background, we present the
Manual Correction System (MCS) -- a human-in-the-loop system enhanced by
Chain-of-Thought prompting, which explores how manual correction of sub-logics
in rationales can improve LLM's reasoning performance. Moving one step forward,
considering a system with human-in-the-loop involves more than having humans
improve performance but also controlling the cost. Therefore, we post a
Cost-utility Analysis Model for Human-in-the-Loop systems (CAMLOP) based on
classical economics theory to analyze, quantify and balance the utility and the
corresponding cost. We conduct experiments of MCS and CAMLOP with twelve
datasets. A significant advantage w.r.t cost and utility proves its superiority
over strong baselines. | cs.CL | Human-in-the-Loop through Chain-of-Thought |
2023-06-10T02:01:02Z | http://arxiv.org/pdf/2306.06331v3 | http://arxiv.org/abs/2306.06331v3 | Xuan-Quy Dao, Ngoc-Bich Le | 2023-10-31T08:21:20Z | cs.CL, cs.LG | This study offers a complete analysis of ChatGPT's mathematics abilities in
responding to multiple-choice questions for the Vietnamese National High School
Graduation Examination (VNHSGE) on a range of subjects and difficulty levels.
The dataset included 250 questions divided into four levels: knowledge (K),
comprehension (C), application (A), and high application (H), and it included
ten themes that covered diverse mathematical concepts. The outcomes demonstrate
that ChatGPT's performance varies depending on the difficulty level and
subject. It performed best on questions at Level (K), with an accuracy rate of
$83\%$; but, as the difficulty level rose, it scored poorly, with an accuracy
rate of $10\%$. The study has also shown that ChatGPT significantly succeeds in
providing responses to questions on subjects including exponential and
logarithmic functions, geometric progression, and arithmetic progression. The
study found that ChatGPT had difficulty correctly answering questions on topics
including derivatives and applications, spatial geometry, and Oxyz spatial
calculus. Additionally, this study contrasted ChatGPT outcomes with Vietnamese
students in VNHSGE and in other math competitions. ChatGPT dominated in the SAT
Math competition with a success rate of $70\%$, followed by VNHSGE mathematics
($58.8\%)$. However, its success rates were lower on other exams, such as AP
Statistics, the GRE Quantitative, AMC 10, AMC 12, and AP Calculus BC. These
results suggest that ChatGPT has the potential to be an effective teaching tool
for mathematics, but more work is needed to enhance its handling of graphical
data and address the challenges presented by questions that are getting more
challenging. | cs.CL | Investigating the Effectiveness of ChatGPT in Mathematical Reasoning and Problem Solving: Evidence from the Vietnamese National High School Graduation Examination |
2023-06-10T00:13:09Z | http://arxiv.org/pdf/2306.06322v1 | http://arxiv.org/abs/2306.06322v1 | Abdelhamid Haouhat, Slimane Bellaouar, Attia Nehar, Hadda Cherroun | 2023-06-10T00:13:09Z | cs.CL, cs.LG | Multimodal Sentiment Analysis (MSA) has recently become a centric research
direction for many real-world applications. This proliferation is due to the
fact that opinions are central to almost all human activities and are key
influencers of our behaviors. In addition, the recent deployment of Deep
Learning-based (DL) models has proven their high efficiency for a wide range of
Western languages. In contrast, Arabic DL-based multimodal sentiment analysis
(MSA) is still in its infantile stage due, mainly, to the lack of standard
datasets. In this paper, our investigation is twofold. First, we design a
pipeline that helps building our Arabic Multimodal dataset leveraging both
state-of-the-art transformers and feature extraction tools within word
alignment techniques. Thereafter, we validate our dataset using
state-of-the-art transformer-based model dealing with multimodality. Despite
the small size of the outcome dataset, experiments show that Arabic
multimodality is very promising | cs.CL | Towards Arabic Multimodal Dataset for Sentiment Analysis |
2023-06-09T23:23:26Z | http://arxiv.org/pdf/2306.06297v1 | http://arxiv.org/abs/2306.06297v1 | M. A. van Wyk, M. Bekker, X. L. Richards, K. J. Nixon | 2023-06-09T23:23:26Z | cs.CL, cs.AI, 91D10, 68T10, 03D40, I.2.6; K.6.5; F.3.2 | With the rapid adoption of AI in the form of large language models (LLMs),
the potential value of carefully engineered prompts has become significant.
However, to realize this potential, prompts should be tradable on an open
market. Since prompts are, at present, generally economically non-excludable,
by virtue of their nature as text, no general competitive market has yet been
established. This note discusses two protocols intended to provide protection
of prompts, elevating their status as intellectual property, thus confirming
the intellectual property rights of prompt engineers, and potentially
supporting the flourishing of an open market for LLM prompts. | cs.CL | Protect Your Prompts: Protocols for IP Protection in LLM Applications |
2023-06-09T21:25:48Z | http://arxiv.org/pdf/2306.06264v1 | http://arxiv.org/abs/2306.06264v1 | Pouya Pezeshkpour | 2023-06-09T21:25:48Z | cs.CL, cs.LG | Large Language Models (LLMs) store an extensive amount of factual knowledge
obtained from vast collections of text. To effectively utilize these models for
downstream tasks, it is crucial to have reliable methods for measuring their
knowledge. However, existing approaches for knowledge measurement have certain
limitations, and despite recent efforts, they fail to provide accurate
measurements and the necessary insights for modifying the knowledge within
LLMs. In this work, we employ information theory-based measurements to provide
a framework estimating the factual knowledge contained within large language
models. More specifically, we measure knowledge by analyzing the LLM's
prediction probability distribution before and after instilling the target
knowledge, employing metrics such as entropy and KL-divergence. Introducing our
metrics, we first assess their accuracy in comparison to previous ranking-based
methods, surpassing them by over $35\%$ in a synthetic experiment. Then, we
explore two prominent methods of knowledge instillation, discovering that LLMs
exhibit limitations in capturing new knowledge under specific circumstances for
one of these methods. Lastly, we demonstrate the applicability of our methods
in extracting unlearned and mislearned facts in LLMs through their application
to in-context learning. We make code and data for all methods and experiments
in this paper publicly available. | cs.CL | Measuring and Modifying Factual Knowledge in Large Language Models |
2023-06-09T20:42:11Z | http://arxiv.org/pdf/2306.06246v1 | http://arxiv.org/abs/2306.06246v1 | Tianyu Huang, Chung Hoon Hong, Carl Wivagg, Kanna Shimizu | 2023-06-09T20:42:11Z | cs.CL | Voice digital assistants must keep up with trending search queries. We rely
on a speech recognition model using contextual biasing with a rapidly updated
set of entities, instead of frequent model retraining, to keep up with trends.
There are several challenges with this approach: (1) the entity set must be
frequently reconstructed, (2) the entity set is of limited size due to latency
and accuracy trade-offs, and (3) finding the true entity distribution for
biasing is complicated by ASR misrecognition. We address these challenges and
define an entity set by modeling customers true requested entity distribution
from ASR output in production using record deduplication, a technique from the
field of entity resolution. Record deduplication resolves or deduplicates
coreferences, including misrecognitions, of the same latent entity. Our method
successfully retrieves 95% of misrecognized entities and when used for
contextual biasing shows an estimated 5% relative word error rate reduction. | cs.CL | Record Deduplication for Entity Distribution Modeling in ASR Transcripts |
2023-06-09T20:08:48Z | http://arxiv.org/pdf/2306.06234v1 | http://arxiv.org/abs/2306.06234v1 | Sid Mittal, Vineet Gupta, Frederick Liu, Mukund Sundararajan | 2023-06-09T20:08:48Z | cs.CL, cs.AI | Foundation models, i.e. large neural networks pre-trained on large text
corpora, have revolutionized NLP. They can be instructed directly (e.g.
(arXiv:2005.14165)) - this is called hard prompting - and they can be tuned
using very little data (e.g. (arXiv:2104.08691)) - this technique is called
soft prompting. We seek to leverage their capabilities to detect policy
violations. Our contributions are: We identify a hard prompt that adapts
chain-of-thought prompting to policy violation tasks. This prompt produces
policy violation classifications, along with extractive explanations that
justify the classification. We compose the hard-prompts with soft prompt tuning
to produce a classifier that attains high accuracy with very little
supervision; the same classifier also produces explanations. Though the
supervision only acts on the classifications, we find that the modified
explanations remain consistent with the (tuned) model's response. Along the
way, we identify several unintuitive aspects of foundation models. For
instance, adding an example from a specific class can actually reduce
predictions of that class, and separately, the effects of tokenization on
scoring etc. Based on our technical results, we identify a simple workflow for
product teams to quickly develop effective policy violation detectors. | cs.CL | Using Foundation Models to Detect Policy Violations with Minimal Supervision |
2023-06-09T20:07:22Z | http://arxiv.org/pdf/2306.06232v1 | http://arxiv.org/abs/2306.06232v1 | Kinan Martin, Jon Gauthier, Canaan Breiss, Roger Levy | 2023-06-09T20:07:22Z | cs.CL, cs.SD, eess.AS | Textless self-supervised speech models have grown in capabilities in recent
years, but the nature of the linguistic information they encode has not yet
been thoroughly examined. We evaluate the extent to which these models' learned
representations align with basic representational distinctions made by humans,
focusing on a set of phonetic (low-level) and phonemic (more abstract)
contrasts instantiated in word-initial stops. We find that robust
representations of both phonetic and phonemic distinctions emerge in early
layers of these models' architectures, and are preserved in the principal
components of deeper layer representations. Our analyses suggest two sources
for this success: some can only be explained by the optimization of the models
on speech data, while some can be attributed to these models' high-dimensional
architectures. Our findings show that speech-trained HuBERT derives a low-noise
and low-dimensional subspace corresponding to abstract phonological
distinctions. | cs.CL | Probing self-supervised speech models for phonetic and phonemic information: a case study in aspiration |
2023-06-09T19:36:18Z | http://arxiv.org/pdf/2306.06221v1 | http://arxiv.org/abs/2306.06221v1 | Chrysoula Zerva, André F. T. Martins | 2023-06-09T19:36:18Z | cs.CL | Several uncertainty estimation methods have been recently proposed for
machine translation evaluation. While these methods can provide a useful
indication of when not to trust model predictions, we show in this paper that
the majority of them tend to underestimate model uncertainty, and as a result
they often produce misleading confidence intervals that do not cover the ground
truth. We propose as an alternative the use of conformal prediction, a
distribution-free method to obtain confidence intervals with a theoretically
established guarantee on coverage. First, we demonstrate that split conformal
prediction can ``correct'' the confidence intervals of previous methods to
yield a desired coverage level. Then, we highlight biases in estimated
confidence intervals, both in terms of the translation language pairs and the
quality of translations. We apply conditional conformal prediction techniques
to obtain calibration subsets for each data subgroup, leading to equalized
coverage. | cs.CL | Conformalizing Machine Translation Evaluation |
2023-06-09T19:15:20Z | http://arxiv.org/pdf/2306.06205v1 | http://arxiv.org/abs/2306.06205v1 | Judit Acs, Endre Hamerlik, Roy Schwartz, Noah A. Smith, Andras Kornai | 2023-06-09T19:15:20Z | cs.CL | We introduce an extensive dataset for multilingual probing of morphological
information in language models (247 tasks across 42 languages from 10
families), each consisting of a sentence with a target word and a morphological
tag as the desired label, derived from the Universal Dependencies treebanks. We
find that pre-trained Transformer models (mBERT and XLM-RoBERTa) learn features
that attain strong performance across these tasks. We then apply two methods to
locate, for each probing task, where the disambiguating information resides in
the input. The first is a new perturbation method that masks various parts of
context; the second is the classical method of Shapley values. The most
intriguing finding that emerges is a strong tendency for the preceding context
to hold more information relevant to the prediction than the following context. | cs.CL | Morphosyntactic probing of multilingual BERT models |
2023-06-09T19:07:31Z | http://arxiv.org/pdf/2306.06199v1 | http://arxiv.org/abs/2306.06199v1 | Aisha Khatun, Daniel G. Brown | 2023-06-09T19:07:31Z | cs.CL, cs.LG | Large language models (LLMs) have become mainstream technology with their
versatile use cases and impressive performance. Despite the countless
out-of-the-box applications, LLMs are still not reliable. A lot of work is
being done to improve the factual accuracy, consistency, and ethical standards
of these models through fine-tuning, prompting, and Reinforcement Learning with
Human Feedback (RLHF), but no systematic analysis of the responses of these
models to different categories of statements, or on their potential
vulnerabilities to simple prompting changes is available. In this work, we
analyze what confuses GPT-3: how the model responds to certain sensitive topics
and what effects the prompt wording has on the model response. We find that
GPT-3 correctly disagrees with obvious Conspiracies and Stereotypes but makes
mistakes with common Misconceptions and Controversies. The model responses are
inconsistent across prompts and settings, highlighting GPT-3's unreliability.
Dataset and code of our analysis is available in
https://github.com/tanny411/GPT3-Reliability-Check. | cs.CL | Reliability Check: An Analysis of GPT-3's Response to Sensitive Topics and Prompt Wording |
2023-06-09T18:42:19Z | http://arxiv.org/pdf/2306.06190v2 | http://arxiv.org/abs/2306.06190v2 | Abhilash Nandy, Manav Nitin Kapadnis, Sohan Patnaik, Yash Parag Butala, Pawan Goyal, Niloy Ganguly | 2023-11-14T21:51:21Z | cs.CL, cs.LG, 68T50, I.2.7 | As the demand for sophisticated Natural Language Processing (NLP) models
continues to grow, so does the need for efficient pre-training techniques.
Current NLP models undergo resource-intensive pre-training. In response, we
introduce $FastDoc$ (Fast Pre-training Technique using Document-Level Metadata
and Taxonomy), a novel approach designed to significantly reduce computational
demands. $FastDoc$ leverages document metadata and domain-specific taxonomy as
supervision signals. It involves continual pre-training of an open-domain
transformer encoder using sentence-level embeddings, followed by fine-tuning
using token-level embeddings. We evaluate $FastDoc$ on six tasks across nine
datasets spanning three distinct domains. Remarkably, $FastDoc$ achieves
remarkable compute reductions of approximately 1,000x, 4,500x, 500x compared to
competitive approaches in Customer Support, Scientific, and Legal domains,
respectively. Importantly, these efficiency gains do not compromise performance
relative to competitive baselines. Furthermore, reduced pre-training data
mitigates catastrophic forgetting, ensuring consistent performance in
open-domain scenarios. $FastDoc$ offers a promising solution for
resource-efficient pre-training, with potential applications spanning various
domains. | cs.CL | $FastDoc$: Domain-Specific Fast Pre-training Technique using Document-Level Metadata and Taxonomy |
2023-06-09T17:57:01Z | http://arxiv.org/pdf/2306.06094v1 | http://arxiv.org/abs/2306.06094v1 | Mu Cai, Zeyi Huang, Yuheng Li, Haohan Wang, Yong Jae Lee | 2023-06-09T17:57:01Z | cs.CV, cs.AI, cs.CL, cs.LG | Recently, large language models (LLMs) have made significant advancements in
natural language understanding and generation. However, their potential in
computer vision remains largely unexplored. In this paper, we introduce a new,
exploratory approach that enables LLMs to process images using the Scalable
Vector Graphics (SVG) format. By leveraging the XML-based textual descriptions
of SVG representations instead of raster images, we aim to bridge the gap
between the visual and textual modalities, allowing LLMs to directly understand
and manipulate images without the need for parameterized visual components. Our
method facilitates simple image classification, generation, and in-context
learning using only LLM capabilities. We demonstrate the promise of our
approach across discriminative and generative tasks, highlighting its (i)
robustness against distribution shift, (ii) substantial improvements achieved
by tapping into the in-context learning abilities of LLMs, and (iii) image
understanding and generation capabilities with human guidance. Our code, data,
and models can be found here https://github.com/mu-cai/svg-llm. | cs.CV | Leveraging Large Language Models for Scalable Vector Graphics-Driven Image Understanding |
2023-06-09T17:53:19Z | http://arxiv.org/pdf/2306.07401v1 | http://arxiv.org/abs/2306.07401v1 | Zecong Wang, Jiaxi Cheng, Chen Cui, Chenhao Yu | 2023-06-09T17:53:19Z | cs.CL, cs.AI | The abundance of information on social media has increased the necessity of
accurate real-time rumour detection. Manual techniques of identifying and
verifying fake news generated by AI tools are impracticable and time-consuming
given the enormous volume of information generated every day. This has sparked
an increase in interest in creating automated systems to find fake news on the
Internet. The studies in this research demonstrate that the BERT and RobertA
models with fine-tuning had the best success in detecting AI generated news.
With a score of 98%, tweaked RobertA in particular showed excellent precision.
In conclusion, this study has shown that neural networks can be used to
identify bogus news AI generation news created by ChatGPT. The RobertA and BERT
models' excellent performance indicates that these models can play a critical
role in the fight against misinformation. | cs.CL | Implementing BERT and fine-tuned RobertA to detect AI generated news by ChatGPT |
2023-06-09T17:48:58Z | http://arxiv.org/pdf/2306.06086v1 | http://arxiv.org/abs/2306.06086v1 | Anjalie Field, Prateek Verma, Nay San, Jennifer L. Eberhardt, Dan Jurafsky | 2023-06-09T17:48:58Z | cs.CL, cs.SD, eess.AS | Police body-worn cameras have the potential to improve accountability and
transparency in policing. Yet in practice, they result in millions of hours of
footage that is never reviewed. We investigate the potential of large
pre-trained speech models for facilitating reviews, focusing on ASR and officer
speech detection in footage from traffic stops. Our proposed pipeline includes
training data alignment and filtering, fine-tuning with resource constraints,
and combining officer speech detection with ASR for a fully automated approach.
We find that (1) fine-tuning strongly improves ASR performance on officer
speech (WER=12-13%), (2) ASR on officer speech is much more accurate than on
community member speech (WER=43.55-49.07%), (3) domain-specific tasks like
officer speech detection and diarization remain challenging. Our work offers
practical applications for reviewing body camera footage and general guidance
for adapting pre-trained speech models to noisy multi-speaker domains. | cs.CL | Developing Speech Processing Pipelines for Police Accountability |
2023-06-09T17:48:54Z | http://arxiv.org/pdf/2306.06085v1 | http://arxiv.org/abs/2306.06085v1 | Philip Feldman, James R. Foulds, Shimei Pan | 2023-06-09T17:48:54Z | cs.CL, cs.AI, I.2.7; K.4.2 | Recent advances in large language models (LLMs), such as ChatGPT, have led to
highly sophisticated conversation agents. However, these models suffer from
"hallucinations," where the model generates false or fabricated information.
Addressing this challenge is crucial, particularly with AI-driven platforms
being adopted across various sectors. In this paper, we propose a novel method
to recognize and flag instances when LLMs perform outside their domain
knowledge, and ensuring users receive accurate information.
We find that the use of context combined with embedded tags can successfully
combat hallucinations within generative language models. To do this, we
baseline hallucination frequency in no-context prompt-response pairs using
generated URLs as easily-tested indicators of fabricated data. We observed a
significant reduction in overall hallucination when context was supplied along
with question prompts for tested generative engines. Lastly, we evaluated how
placing tags within contexts impacted model responses and were able to
eliminate hallucinations in responses with 98.88% effectiveness. | cs.CL | Trapping LLM Hallucinations Using Tagged Context Prompts |
2023-06-09T17:44:31Z | http://arxiv.org/pdf/2306.06070v3 | http://arxiv.org/abs/2306.06070v3 | Xiang Deng, Yu Gu, Boyuan Zheng, Shijie Chen, Samuel Stevens, Boshi Wang, Huan Sun, Yu Su | 2023-12-09T05:57:46Z | cs.CL | We introduce Mind2Web, the first dataset for developing and evaluating
generalist agents for the web that can follow language instructions to complete
complex tasks on any website. Existing datasets for web agents either use
simulated websites or only cover a limited set of websites and tasks, thus not
suitable for generalist web agents. With over 2,000 open-ended tasks collected
from 137 websites spanning 31 domains and crowdsourced action sequences for the
tasks, Mind2Web provides three necessary ingredients for building generalist
web agents: 1) diverse domains, websites, and tasks, 2) use of real-world
websites instead of simulated and simplified ones, and 3) a broad spectrum of
user interaction patterns. Based on Mind2Web, we conduct an initial exploration
of using large language models (LLMs) for building generalist web agents. While
the raw HTML of real-world websites are often too large to be fed to LLMs, we
show that first filtering it with a small LM significantly improves the
effectiveness and efficiency of LLMs. Our solution demonstrates a decent level
of performance, even on websites or entire domains the model has never seen
before, but there is still a substantial room to improve towards truly
generalizable agents. We open-source our dataset, model implementation, and
trained models (https://osu-nlp-group.github.io/Mind2Web) to facilitate further
research on building a generalist agent for the web. | cs.CL | Mind2Web: Towards a Generalist Agent for the Web |
2023-06-09T17:32:45Z | http://arxiv.org/pdf/2306.06058v1 | http://arxiv.org/abs/2306.06058v1 | Hengyuan Zhang, Dawei Li, Yanran Li, Chenming Shang, Chufan Shi, Yong Jiang | 2023-06-09T17:32:45Z | cs.CL | The standard definition generation task requires to automatically produce
mono-lingual definitions (e.g., English definitions for English words), but
ignores that the generated definitions may also consist of unfamiliar words for
language learners. In this work, we propose a novel task of Trans-Lingual
Definition Generation (TLDG), which aims to generate definitions in another
language, i.e., the native speaker's language. Initially, we explore the
unsupervised manner of this task and build up a simple implementation of
fine-tuning the multi-lingual machine translation model. Then, we develop two
novel methods, Prompt Combination and Contrastive Prompt Learning, for further
enhancing the quality of the generation. Our methods are evaluated against the
baseline Pipeline method in both rich- and low-resource settings, and we
empirically establish its superiority in generating higher-quality
trans-lingual definitions. | cs.CL | Assisting Language Learners: Automated Trans-Lingual Definition Generation via Contrastive Prompt Learning |
2023-06-09T16:52:00Z | http://arxiv.org/pdf/2306.06031v1 | http://arxiv.org/abs/2306.06031v1 | Hongyang Yang, Xiao-Yang Liu, Christina Dan Wang | 2023-06-09T16:52:00Z | q-fin.ST, cs.CL, cs.LG, q-fin.TR | Large language models (LLMs) have shown the potential of revolutionizing
natural language processing tasks in diverse domains, sparking great interest
in finance. Accessing high-quality financial data is the first challenge for
financial LLMs (FinLLMs). While proprietary models like BloombergGPT have taken
advantage of their unique data accumulation, such privileged access calls for
an open-source alternative to democratize Internet-scale financial data.
In this paper, we present an open-source large language model, FinGPT, for
the finance sector. Unlike proprietary models, FinGPT takes a data-centric
approach, providing researchers and practitioners with accessible and
transparent resources to develop their FinLLMs. We highlight the importance of
an automatic data curation pipeline and the lightweight low-rank adaptation
technique in building FinGPT. Furthermore, we showcase several potential
applications as stepping stones for users, such as robo-advising, algorithmic
trading, and low-code development. Through collaborative efforts within the
open-source AI4Finance community, FinGPT aims to stimulate innovation,
democratize FinLLMs, and unlock new opportunities in open finance. Two
associated code repos are \url{https://github.com/AI4Finance-Foundation/FinGPT}
and \url{https://github.com/AI4Finance-Foundation/FinNLP} | q-fin.ST | FinGPT: Open-Source Financial Large Language Models |
2023-06-09T16:50:02Z | http://arxiv.org/pdf/2306.06029v1 | http://arxiv.org/abs/2306.06029v1 | Rodrigo Agerri, Iñigo Alonso, Aitziber Atutxa, Ander Berrondo, Ainara Estarrona, Iker Garcia-Ferrero, Iakes Goenaga, Koldo Gojenola, Maite Oronoz, Igor Perez-Tejedor, German Rigau, Anar Yeginbergenova | 2023-06-09T16:50:02Z | cs.CL, cs.AI | Providing high quality explanations for AI predictions based on machine
learning is a challenging and complex task. To work well it requires, among
other factors: selecting a proper level of generality/specificity of the
explanation; considering assumptions about the familiarity of the explanation
beneficiary with the AI task under consideration; referring to specific
elements that have contributed to the decision; making use of additional
knowledge (e.g. expert evidence) which might not be part of the prediction
process; and providing evidence supporting negative hypothesis. Finally, the
system needs to formulate the explanation in a clearly interpretable, and
possibly convincing, way. Given these considerations, ANTIDOTE fosters an
integrated vision of explainable AI, where low-level characteristics of the
deep learning process are combined with higher level schemes proper of the
human argumentation capacity. ANTIDOTE will exploit cross-disciplinary
competences in deep learning and argumentation to support a broader and
innovative view of explainable AI, where the need for high-quality explanations
for clinical cases deliberation is critical. As a first result of the project,
we publish the Antidote CasiMedicos dataset to facilitate research on
explainable AI in general, and argumentation in the medical domain in
particular. | cs.CL | HiTZ@Antidote: Argumentation-driven Explainable Artificial Intelligence for Digital Medicine |
2023-06-09T16:08:35Z | http://arxiv.org/pdf/2306.05997v2 | http://arxiv.org/abs/2306.05997v2 | Alessandro Wollek, Philip Haitzer, Thomas Sedlmeyr, Sardi Hyska, Johannes Rueckel, Bastian Sabel, Michael Ingrisch, Tobias Lasser | 2023-07-07T11:36:11Z | cs.CL | Radiologists are in short supply globally, and deep learning models offer a
promising solution to address this shortage as part of clinical
decision-support systems. However, training such models often requires
expensive and time-consuming manual labeling of large datasets. Automatic label
extraction from radiology reports can reduce the time required to obtain
labeled datasets, but this task is challenging due to semantically similar
words and missing annotated data. In this work, we explore the potential of
weak supervision of a deep learning-based label prediction model, using a
rule-based labeler. We propose a deep learning-based CheXpert label prediction
model, pre-trained on reports labeled by a rule-based German CheXpert model and
fine-tuned on a small dataset of manually labeled reports. Our results
demonstrate the effectiveness of our approach, which significantly outperformed
the rule-based model on all three tasks. Our findings highlight the benefits of
employing deep learning-based models even in scenarios with sparse data and the
use of the rule-based labeler as a tool for weak supervision. | cs.CL | Automated Labeling of German Chest X-Ray Radiology Reports using Deep Learning |
2023-06-09T16:06:02Z | http://arxiv.org/pdf/2307.03687v2 | http://arxiv.org/abs/2307.03687v2 | Reagan Mozer, Aaron R. Kaufman, Leo A. Celi, Luke Miratrix | 2024-05-20T18:14:42Z | cs.CL, stat.AP, stat.ME | In studies that rely on data from electronic health records (EHRs),
unstructured text data such as clinical progress notes offer a rich source of
information about patient characteristics and care that may be missing from
structured data. Despite the prevalence of text in clinical research, these
data are often ignored for the purposes of quantitative analysis due their
complexity. This paper presents a unified framework for leveraging text data to
support causal inference with electronic health data at multiple stages of
analysis. In particular, we consider how natural language processing and
statistical text analysis can be combined with standard inferential techniques
to address common challenges due to missing data, confounding bias, and
treatment effect heterogeneity. Through an application to a recent EHR study
investigating the effects of a non-randomized medical intervention on patient
outcomes, we show how incorporating text data in a traditional matching
analysis can help strengthen the validity of an estimated treatment effect and
identify patient subgroups that may benefit most from treatment. We believe
these methods have the potential to expand the scope of secondary analysis of
clinical data to domains where structured EHR data is limited, such as in
developing countries. To this end, we provide code and open-source replication
materials to encourage adoption and broader exploration of these techniques in
clinical research. | cs.CL | Leveraging text data for causal inference using electronic health records |
2023-06-09T15:47:22Z | http://arxiv.org/pdf/2306.07941v1 | http://arxiv.org/abs/2306.07941v1 | Itzik Malkiel, Uri Alon, Yakir Yehuda, Shahar Keren, Oren Barkan, Royi Ronen, Noam Koenigstein | 2023-06-09T15:47:22Z | cs.CL, cs.LG | Transcriptions of phone calls are of significant value across diverse fields,
such as sales, customer service, healthcare, and law enforcement. Nevertheless,
the analysis of these recorded conversations can be an arduous and
time-intensive process, especially when dealing with extended or multifaceted
dialogues. In this work, we propose a novel method, GPT-distilled Calls
Segmentation and Tagging (GPT-Calls), for efficient and accurate call
segmentation and topic extraction. GPT-Calls is composed of offline and online
phases. The offline phase is applied once to a given list of topics and
involves generating a distribution of synthetic sentences for each topic using
a GPT model and extracting anchor vectors. The online phase is applied to every
call separately and scores the similarity between the transcripted conversation
and the topic anchors found in the offline phase. Then, time domain analysis is
applied to the similarity scores to group utterances into segments and tag them
with topics. The proposed paradigm provides an accurate and efficient method
for call segmentation and topic extraction that does not require labeled data,
thus making it a versatile approach applicable to various domains. Our
algorithm operates in production under Dynamics 365 Sales Conversation
Intelligence, and our research is based on real sales conversations gathered
from various Dynamics 365 Sales tenants. | cs.CL | GPT-Calls: Enhancing Call Segmentation and Tagging by Generating Synthetic Conversations via Large Language Models |
2023-06-09T15:44:41Z | http://arxiv.org/pdf/2306.07933v1 | http://arxiv.org/abs/2306.07933v1 | Lina Bariah, Hang Zou, Qiyang Zhao, Belkacem Mouhouche, Faouzi Bader, Merouane Debbah | 2023-06-09T15:44:41Z | cs.CL, cs.AI | The recent progress of artificial intelligence (AI) opens up new frontiers in
the possibility of automating many tasks involved in Telecom networks design,
implementation, and deployment. This has been further pushed forward with the
evolution of generative artificial intelligence (AI), including the emergence
of large language models (LLMs), which is believed to be the cornerstone toward
realizing self-governed, interactive AI agents. Motivated by this, in this
paper, we aim to adapt the paradigm of LLMs to the Telecom domain. In
particular, we fine-tune several LLMs including BERT, distilled BERT, RoBERTa
and GPT-2, to the Telecom domain languages, and demonstrate a use case for
identifying the 3rd Generation Partnership Project (3GPP) standard working
groups. We consider training the selected models on 3GPP technical documents
(Tdoc) pertinent to years 2009-2019 and predict the Tdoc categories in years
2020-2023. The results demonstrate that fine-tuning BERT and RoBERTa model
achieves 84.6% accuracy, while GPT-2 model achieves 83% in identifying 3GPP
working groups. The distilled BERT model with around 50% less parameters
achieves similar performance as others. This corroborates that fine-tuning
pretrained LLM can effectively identify the categories of Telecom language. The
developed framework shows a stepping stone towards realizing intent-driven and
self-evolving wireless networks from Telecom languages, and paves the way for
the implementation of generative AI in the Telecom domain. | cs.CL | Understanding Telecom Language Through Large Language Models |
2023-06-09T15:35:11Z | http://arxiv.org/pdf/2306.05969v1 | http://arxiv.org/abs/2306.05969v1 | Cara Su-Yi Leong, Tal Linzen | 2023-06-09T15:35:11Z | cs.CL | Artificial neural networks can generalize productively to novel contexts. Can
they also learn exceptions to those productive rules? We explore this question
using the case of restrictions on English passivization (e.g., the fact that
"The vacation lasted five days" is grammatical, but "*Five days was lasted by
the vacation" is not). We collect human acceptability judgments for passive
sentences with a range of verbs, and show that the probability distribution
defined by GPT-2, a language model, matches the human judgments with high
correlation. We also show that the relative acceptability of a verb in the
active vs. passive voice is positively correlated with the relative frequency
of its occurrence in those voices. These results provide preliminary support
for the entrenchment hypothesis, according to which learners track and uses the
distributional properties of their input to learn negative exceptions to rules.
At the same time, this hypothesis fails to explain the magnitude of
unpassivizability demonstrated by certain individual verbs, suggesting that
other cues to exceptionality are available in the linguistic input. | cs.CL | Language Models Can Learn Exceptions to Syntactic Rules |
2023-06-09T13:30:27Z | http://arxiv.org/pdf/2306.05887v1 | http://arxiv.org/abs/2306.05887v1 | Junyu Wang | 2023-06-09T13:30:27Z | eess.AS, cs.CL, cs.SD | We present an efficient speech separation neural network, ARFDCN, which
combines dilated convolutions, multi-scale fusion (MSF), and channel attention
to overcome the limited receptive field of convolution-based networks and the
high computational cost of transformer-based networks. The suggested network
architecture is encoder-decoder based. By using dilated convolutions with
gradually increasing dilation value to learn local and global features and
fusing them at adjacent stages, the model can learn rich feature content.
Meanwhile, by adding channel attention modules to the network, the model can
extract channel weights, learn more important features, and thus improve its
expressive power and robustness. Experimental results indicate that the model
achieves a decent balance between performance and computational efficiency,
making it a promising alternative to current mainstream models for practical
applications. | eess.AS | An Efficient Speech Separation Network Based on Recurrent Fusion Dilated Convolution and Channel Attention |
2023-06-09T13:24:27Z | http://arxiv.org/pdf/2306.05882v2 | http://arxiv.org/abs/2306.05882v2 | Silvia Alma Piazzolla, Beatrice Savoldi, Luisa Bentivogli | 2024-03-26T22:54:48Z | cs.CL | Machine Translation (MT) continues to make significant strides in quality and
is increasingly adopted on a larger scale. Consequently, analyses have been
redirected to more nuanced aspects, intricate phenomena, as well as potential
risks that may arise from the widespread use of MT tools. Along this line, this
paper offers a meticulous assessment of three commercial MT systems - Google
Translate, DeepL, and Modern MT - with a specific focus on gender translation
and bias. For three language pairs (English/Spanish, English/Italian, and
English/French), we scrutinize the behavior of such systems at several levels
of granularity and on a variety of naturally occurring gender phenomena in
translation. Our study takes stock of the current state of online MT tools, by
revealing significant discrepancies in the gender translation of the three
systems, with each system displaying varying degrees of bias despite their
overall translation quality. | cs.CL | Good, but not always Fair: An Evaluation of Gender Bias for three commercial Machine Translation Systems |
2023-06-09T13:03:53Z | http://arxiv.org/pdf/2306.05871v1 | http://arxiv.org/abs/2306.05871v1 | Wissam Antoun, Virginie Mouilleron, Benoît Sagot, Djamé Seddah | 2023-06-09T13:03:53Z | cs.CL | Recent advances in natural language processing (NLP) have led to the
development of large language models (LLMs) such as ChatGPT. This paper
proposes a methodology for developing and evaluating ChatGPT detectors for
French text, with a focus on investigating their robustness on out-of-domain
data and against common attack schemes. The proposed method involves
translating an English dataset into French and training a classifier on the
translated data. Results show that the detectors can effectively detect
ChatGPT-generated text, with a degree of robustness against basic attack
techniques in in-domain settings. However, vulnerabilities are evident in
out-of-domain contexts, highlighting the challenge of detecting adversarial
text. The study emphasizes caution when applying in-domain testing results to a
wider variety of content. We provide our translated datasets and models as
open-source resources. https://gitlab.inria.fr/wantoun/robust-chatgpt-detection | cs.CL | Towards a Robust Detection of Language Model Generated Text: Is ChatGPT that Easy to Detect? |
2023-06-09T12:52:01Z | http://arxiv.org/pdf/2306.05861v1 | http://arxiv.org/abs/2306.05861v1 | Junyu Wang | 2023-06-09T12:52:01Z | eess.AS, cs.CL, cs.SD | Current speech enhancement (SE) research has largely neglected channel
attention and spatial attention, and encoder-decoder architecture-based
networks have not adequately considered how to provide efficient inputs to the
intermediate enhancement layer. To address these issues, this paper proposes a
time-frequency (T-F) domain SE network (DPCFCS-Net) that incorporates improved
densely connected blocks, dual-path modules, convolution-augmented transformers
(conformers), channel attention, and spatial attention. Compared with previous
models, our proposed model has a more efficient encoder-decoder and can learn
comprehensive features. Experimental results on the VCTK+DEMAND dataset
demonstrate that our method outperforms existing techniques in SE performance.
Furthermore, the improved densely connected block and two dimensions attention
module developed in this work are highly adaptable and easily integrated into
existing networks. | eess.AS | Efficient Encoder-Decoder and Dual-Path Conformer for Comprehensive Feature Learning in Speech Enhancement |
2023-06-09T12:09:15Z | http://arxiv.org/pdf/2306.05836v3 | http://arxiv.org/abs/2306.05836v3 | Zhijing Jin, Jiarui Liu, Zhiheng Lyu, Spencer Poff, Mrinmaya Sachan, Rada Mihalcea, Mona Diab, Bernhard Schölkopf | 2024-04-17T04:27:10Z | cs.CL, cs.AI, cs.LG | Causal inference is one of the hallmarks of human intelligence. While the
field of CausalNLP has attracted much interest in the recent years, existing
causal inference datasets in NLP primarily rely on discovering causality from
empirical knowledge (e.g., commonsense knowledge). In this work, we propose the
first benchmark dataset to test the pure causal inference skills of large
language models (LLMs). Specifically, we formulate a novel task Corr2Cause,
which takes a set of correlational statements and determines the causal
relationship between the variables. We curate a large-scale dataset of more
than 200K samples, on which we evaluate seventeen existing LLMs. Through our
experiments, we identify a key shortcoming of LLMs in terms of their causal
inference skills, and show that these models achieve almost close to random
performance on the task. This shortcoming is somewhat mitigated when we try to
re-purpose LLMs for this skill via finetuning, but we find that these models
still fail to generalize -- they can only perform causal inference in
in-distribution settings when variable names and textual expressions used in
the queries are similar to those in the training set, but fail in
out-of-distribution settings generated by perturbing these queries. Corr2Cause
is a challenging task for LLMs, and would be helpful in guiding future research
on improving LLMs' pure reasoning skills and generalizability. Our data is at
https://huggingface.co/datasets/causalnlp/corr2cause. Our code is at
https://github.com/causalNLP/corr2cause. | cs.CL | Can Large Language Models Infer Causation from Correlation? |
2023-06-09T12:07:10Z | http://arxiv.org/pdf/2306.06147v1 | http://arxiv.org/abs/2306.06147v1 | Md. Ekramul Islam, Labib Chowdhury, Faisal Ahamed Khan, Shazzad Hossain, Sourave Hossain, Mohammad Mamun Or Rashid, Nabeel Mohammed, Mohammad Ruhul Amin | 2023-06-09T12:07:10Z | cs.CL, cs.AI | This study introduces SentiGOLD, a Bangla multi-domain sentiment analysis
dataset. Comprising 70,000 samples, it was created from diverse sources and
annotated by a gender-balanced team of linguists. SentiGOLD adheres to
established linguistic conventions agreed upon by the Government of Bangladesh
and a Bangla linguistics committee. Unlike English and other languages, Bangla
lacks standard sentiment analysis datasets due to the absence of a national
linguistics framework. The dataset incorporates data from online video
comments, social media posts, blogs, news, and other sources while maintaining
domain and class distribution rigorously. It spans 30 domains (e.g., politics,
entertainment, sports) and includes 5 sentiment classes (strongly negative,
weakly negative, neutral, and strongly positive). The annotation scheme,
approved by the national linguistics committee, ensures a robust Inter
Annotator Agreement (IAA) with a Fleiss' kappa score of 0.88. Intra- and
cross-dataset evaluation protocols are applied to establish a standard
classification system. Cross-dataset evaluation on the noisy SentNoB dataset
presents a challenging test scenario. Additionally, zero-shot experiments
demonstrate the generalizability of SentiGOLD. The top model achieves a macro
f1 score of 0.62 (intra-dataset) across 5 classes, setting a benchmark, and
0.61 (cross-dataset from SentNoB) across 3 classes, comparable to the
state-of-the-art. Fine-tuned sentiment analysis model can be accessed at
https://sentiment.bangla.gov.bd. | cs.CL | SentiGOLD: A Large Bangla Gold Standard Multi-Domain Sentiment Analysis Dataset and its Evaluation |
2023-06-09T11:57:57Z | http://arxiv.org/pdf/2306.05827v1 | http://arxiv.org/abs/2306.05827v1 | Rabee Qasem, Banan Tantour, Mohammed Maree | 2023-06-09T11:57:57Z | cs.CL | With the ever-increasing utilization of natural language processing (NLP), we
started to witness over the past few years a significant transformation in our
interaction with legal texts. This technology has advanced the analysis and
enhanced the understanding of complex legal terminology and contexts. The
development of recent large language models (LLMs), particularly ChatGPT, has
also introduced a revolutionary contribution to the way that legal texts can be
processed and comprehended. In this paper, we present our work on a
cooperative-legal question-answering LLM-based chatbot, where we developed a
set of legal questions about Palestinian cooperatives, associated with their
regulations and compared the auto-generated answers by the chatbot to their
correspondences that are designed by a legal expert. To evaluate the proposed
chatbot, we have used 50 queries generated by the legal expert and compared the
answers produced by the chart to their relevance judgments. Finding
demonstrated that an overall accuracy rate of 82% has been achieved when
answering the queries, while exhibiting an F1 score equivalent to 79%. | cs.CL | Towards the Exploitation of LLM-based Chatbot for Providing Legal Support to Palestinian Cooperatives |
2023-06-09T10:40:22Z | http://arxiv.org/pdf/2306.05803v1 | http://arxiv.org/abs/2306.05803v1 | Lubdhak Mondal, Udeshya Raj, Abinandhan S, Began Gowsik S, Sarwesh P, Abhijeet Chandra | 2023-06-09T10:40:22Z | q-fin.CP, cs.CL, cs.LG, I.2.7 | This study investigates the relationship between narratives conveyed through
microblogging platforms, namely Twitter, and the value of crypto assets. Our
study provides a unique technique to build narratives about cryptocurrency by
combining topic modelling of short texts with sentiment analysis. First, we
used an unsupervised machine learning algorithm to discover the latent topics
within the massive and noisy textual data from Twitter, and then we revealed
4-5 cryptocurrency-related narratives, including financial investment,
technological advancement related to crypto, financial and political
regulations, crypto assets, and media coverage. In a number of situations, we
noticed a strong link between our narratives and crypto prices. Our work
connects the most recent innovation in economics, Narrative Economics, to a new
area of study that combines topic modelling and sentiment analysis to relate
consumer behaviour to narratives. | q-fin.CP | Causality between Sentiment and Cryptocurrency Prices |
2023-06-09T09:52:05Z | http://arxiv.org/pdf/2306.05783v3 | http://arxiv.org/abs/2306.05783v3 | Zhouhong Gu, Xiaoxuan Zhu, Haoning Ye, Lin Zhang, Jianchen Wang, Yixin Zhu, Sihang Jiang, Zhuozhi Xiong, Zihan Li, Weijie Wu, Qianyu He, Rui Xu, Wenhao Huang, Jingping Liu, Zili Wang, Shusen Wang, Weiguo Zheng, Hongwei Feng, Yanghua Xiao | 2024-03-11T09:49:04Z | cs.CL | New Natural Langauge Process~(NLP) benchmarks are urgently needed to align
with the rapid development of large language models (LLMs). We present Xiezhi,
the most comprehensive evaluation suite designed to assess holistic domain
knowledge. Xiezhi comprises multiple-choice questions across 516 diverse
disciplines ranging from 13 different subjects with 249,587 questions and
accompanied by Xiezhi-Specialty and Xiezhi-Interdiscipline, both with 15k
questions. We conduct evaluation of the 47 cutting-edge LLMs on Xiezhi. Results
indicate that LLMs exceed average performance of humans in science,
engineering, agronomy, medicine, and art, but fall short in economics,
jurisprudence, pedagogy, literature, history, and management. We anticipate
Xiezhi will help analyze important strengths and shortcomings of LLMs, and the
benchmark is released in~\url{https://github.com/MikeGu721/XiezhiBenchmark}. | cs.CL | Xiezhi: An Ever-Updating Benchmark for Holistic Domain Knowledge Evaluation |
2023-06-09T09:46:38Z | http://arxiv.org/pdf/2306.05779v1 | http://arxiv.org/abs/2306.05779v1 | Moshe Zisser, Dvir Aran | 2023-06-09T09:46:38Z | cs.LG, cs.CL | Deep-learning techniques, particularly the transformer model, have shown
great potential in enhancing the prediction performance of longitudinal health
records. While previous methods have mainly focused on fixed-time risk
prediction, time-to-event prediction (also known as survival analysis) is often
more appropriate for clinical scenarios. Here, we present a novel deep-learning
architecture we named STRAFE, a generalizable survival analysis
transformer-based architecture for electronic health records. The performance
of STRAFE was evaluated using a real-world claim dataset of over 130,000
individuals with stage 3 chronic kidney disease (CKD) and was found to
outperform other time-to-event prediction algorithms in predicting the exact
time of deterioration to stage 5. Additionally, STRAFE was found to outperform
binary outcome algorithms in predicting fixed-time risk, possibly due to its
ability to train on censored data. We show that STRAFE predictions can improve
the positive predictive value of high-risk patients by 3-fold, demonstrating
possible usage to improve targeting for intervention programs. Finally, we
suggest a novel visualization approach to predictions on a per-patient basis.
In conclusion, STRAFE is a cutting-edge time-to-event prediction algorithm that
has the potential to enhance risk predictions in large claims datasets. | cs.LG | Transformer-based Time-to-Event Prediction for Chronic Kidney Disease Deterioration |
2023-06-09T08:18:58Z | http://arxiv.org/pdf/2306.05741v1 | http://arxiv.org/abs/2306.05741v1 | Tao Long, Lydia B. Chilton | 2023-06-09T08:18:58Z | cs.HC, cs.AI, cs.CL, cs.CY, cs.RO | Advances in voice technology and voice user interfaces (VUIs) -- such as
Alexa, Siri, and Google Home -- have opened up the potential for many new types
of interaction. However, despite the potential of these devices reflected by
the growing market and body of VUI research, there is a lingering sense that
the technology is still underused. In this paper, we conducted a systematic
literature review of 35 papers to identify and synthesize 127 VUI design
guidelines into five themes. Additionally, we conducted semi-structured
interviews with 15 smart speaker users to understand their use and non-use of
the technology. From the interviews, we distill four design challenges that
contribute the most to non-use. Based on their (non-)use, we identify four
opportunity spaces for designers to explore such as focusing on information
support while multitasking (cooking, driving, childcare, etc), incorporating
users' mental models for smart speakers, and integrating calm design
principles. | cs.HC | Challenges and Opportunities for the Design of Smart Speakers |
2023-06-09T08:12:27Z | http://arxiv.org/pdf/2306.07926v1 | http://arxiv.org/abs/2306.07926v1 | Liming Wang, Mark Hasegawa-Johnson, Chang D. Yoo | 2023-06-09T08:12:27Z | eess.AS, cs.CL, cs.LG, cs.SD | Unsupervised speech recognition (ASR-U) is the problem of learning automatic
speech recognition (ASR) systems from unpaired speech-only and text-only
corpora. While various algorithms exist to solve this problem, a theoretical
framework is missing from studying their properties and addressing such issues
as sensitivity to hyperparameters and training instability. In this paper, we
proposed a general theoretical framework to study the properties of ASR-U
systems based on random matrix theory and the theory of neural tangent kernels.
Such a framework allows us to prove various learnability conditions and sample
complexity bounds of ASR-U. Extensive ASR-U experiments on synthetic languages
with three classes of transition graphs provide strong empirical evidence for
our theory (code available at cactuswiththoughts/UnsupASRTheory.git). | eess.AS | A Theory of Unsupervised Speech Recognition |
2023-06-09T08:08:18Z | http://arxiv.org/pdf/2306.07929v2 | http://arxiv.org/abs/2306.07929v2 | Danyang Zhang, Lu Chen, Situo Zhang, Hongshen Xu, Zihan Zhao, Kai Yu | 2023-10-30T01:52:11Z | cs.CL, cs.AI | Inspired by the insights in cognitive science with respect to human memory
and reasoning mechanism, a novel evolvable LLM-based (Large Language Model)
agent framework is proposed as REMEMBERER. By equipping the LLM with a
long-term experience memory, REMEMBERER is capable of exploiting the
experiences from the past episodes even for different task goals, which excels
an LLM-based agent with fixed exemplars or equipped with a transient working
memory. We further introduce Reinforcement Learning with Experience Memory
(RLEM) to update the memory. Thus, the whole system can learn from the
experiences of both success and failure, and evolve its capability without
fine-tuning the parameters of the LLM. In this way, the proposed REMEMBERER
constitutes a semi-parametric RL agent. Extensive experiments are conducted on
two RL task sets to evaluate the proposed framework. The average results with
different initialization and training sets exceed the prior SOTA by 4% and 2%
for the success rate on two task sets and demonstrate the superiority and
robustness of REMEMBERER. | cs.CL | Large Language Models Are Semi-Parametric Reinforcement Learning Agents |
2023-06-09T07:19:43Z | http://arxiv.org/pdf/2306.05715v1 | http://arxiv.org/abs/2306.05715v1 | Arto Hellas, Juho Leinonen, Sami Sarsa, Charles Koutcheme, Lilja Kujanpää, Juha Sorva | 2023-06-09T07:19:43Z | cs.CY, cs.AI, cs.CL, cs.HC, cs.SE | Background and Context: Over the past year, large language models (LLMs) have
taken the world by storm. In computing education, like in other walks of life,
many opportunities and threats have emerged as a consequence.
Objectives: In this article, we explore such opportunities and threats in a
specific area: responding to student programmers' help requests. More
specifically, we assess how good LLMs are at identifying issues in problematic
code that students request help on.
Method: We collected a sample of help requests and code from an online
programming course. We then prompted two different LLMs (OpenAI Codex and
GPT-3.5) to identify and explain the issues in the students' code and assessed
the LLM-generated answers both quantitatively and qualitatively.
Findings: GPT-3.5 outperforms Codex in most respects. Both LLMs frequently
find at least one actual issue in each student program (GPT-3.5 in 90% of the
cases). Neither LLM excels at finding all the issues (GPT-3.5 finding them 57%
of the time). False positives are common (40% chance for GPT-3.5). The advice
that the LLMs provide on the issues is often sensible. The LLMs perform better
on issues involving program logic rather than on output formatting. Model
solutions are frequently provided even when the LLM is prompted not to. LLM
responses to prompts in a non-English language are only slightly worse than
responses to English prompts.
Implications: Our results continue to highlight the utility of LLMs in
programming education. At the same time, the results highlight the
unreliability of LLMs: LLMs make some of the same mistakes that students do,
perhaps especially when formatting output as required by automated assessment
systems. Our study informs teachers interested in using LLMs as well as future
efforts to customize LLMs for the needs of programming education. | cs.CY | Exploring the Responses of Large Language Models to Beginner Programmers' Help Requests |
2023-06-09T07:10:01Z | http://arxiv.org/pdf/2306.06141v1 | http://arxiv.org/abs/2306.06141v1 | Ze-Song Xu, Yun-Nung Chen | 2023-06-09T07:10:01Z | cs.CL | Developing dialogue relation extraction (DRE) systems often requires a large
amount of labeled data, which can be costly and time-consuming to annotate. In
order to improve scalability and support diverse, unseen relation extraction,
this paper proposes a method for leveraging the ability to capture triggers and
relate them to previously unseen relation names. Specifically, we introduce a
model that enables zero-shot dialogue relation extraction by utilizing
trigger-capturing capabilities. Our experiments on a benchmark DialogRE dataset
demonstrate that the proposed model achieves significant improvements for both
seen and unseen relations. Notably, this is the first attempt at zero-shot
dialogue relation extraction using trigger-capturing capabilities, and our
results suggest that this approach is effective for inferring previously unseen
relation types. Overall, our findings highlight the potential for this method
to enhance the scalability and practicality of DRE systems. | cs.CL | Zero-Shot Dialogue Relation Extraction by Relating Explainable Triggers and Relation Names |
2023-06-09T07:04:56Z | http://arxiv.org/pdf/2306.05709v1 | http://arxiv.org/abs/2306.05709v1 | Shijun Wang, Jón Guðnason, Damian Borth | 2023-06-09T07:04:56Z | eess.AS, cs.CL, cs.SD | Effective speech emotional representations play a key role in Speech Emotion
Recognition (SER) and Emotional Text-To-Speech (TTS) tasks. However, emotional
speech samples are more difficult and expensive to acquire compared with
Neutral style speech, which causes one issue that most related works
unfortunately neglect: imbalanced datasets. Models might overfit to the
majority Neutral class and fail to produce robust and effective emotional
representations. In this paper, we propose an Emotion Extractor to address this
issue. We use augmentation approaches to train the model and enable it to
extract effective and generalizable emotional representations from imbalanced
datasets. Our empirical results show that (1) for the SER task, the proposed
Emotion Extractor surpasses the state-of-the-art baseline on three imbalanced
datasets; (2) the produced representations from our Emotion Extractor benefit
the TTS model, and enable it to synthesize more expressive speech. | eess.AS | Learning Emotional Representations from Imbalanced Speech Data for Speech Emotion Recognition and Emotional Text-to-Speech |
2023-06-09T05:55:52Z | http://arxiv.org/pdf/2306.05685v4 | http://arxiv.org/abs/2306.05685v4 | Lianmin Zheng, Wei-Lin Chiang, Ying Sheng, Siyuan Zhuang, Zhanghao Wu, Yonghao Zhuang, Zi Lin, Zhuohan Li, Dacheng Li, Eric P. Xing, Hao Zhang, Joseph E. Gonzalez, Ion Stoica | 2023-12-24T02:01:34Z | cs.CL, cs.AI | Evaluating large language model (LLM) based chat assistants is challenging
due to their broad capabilities and the inadequacy of existing benchmarks in
measuring human preferences. To address this, we explore using strong LLMs as
judges to evaluate these models on more open-ended questions. We examine the
usage and limitations of LLM-as-a-judge, including position, verbosity, and
self-enhancement biases, as well as limited reasoning ability, and propose
solutions to mitigate some of them. We then verify the agreement between LLM
judges and human preferences by introducing two benchmarks: MT-bench, a
multi-turn question set; and Chatbot Arena, a crowdsourced battle platform. Our
results reveal that strong LLM judges like GPT-4 can match both controlled and
crowdsourced human preferences well, achieving over 80% agreement, the same
level of agreement between humans. Hence, LLM-as-a-judge is a scalable and
explainable way to approximate human preferences, which are otherwise very
expensive to obtain. Additionally, we show our benchmark and traditional
benchmarks complement each other by evaluating several variants of LLaMA and
Vicuna. The MT-bench questions, 3K expert votes, and 30K conversations with
human preferences are publicly available at
https://github.com/lm-sys/FastChat/tree/main/fastchat/llm_judge. | cs.CL | Judging LLM-as-a-Judge with MT-Bench and Chatbot Arena |
2023-06-09T05:04:13Z | http://arxiv.org/pdf/2306.05672v1 | http://arxiv.org/abs/2306.05672v1 | Longxuan Ma, Weinan Zhang, Shuhan Zhou, Churui Sun, Changxin Ke, Ting Liu | 2023-06-09T05:04:13Z | cs.CL, I.2.7 | A simile is a figure of speech that compares two different things (called the
tenor and the vehicle) via shared properties. The tenor and the vehicle are
usually connected with comparator words such as "like" or "as". The simile
phenomena are unique and complex in a real-life dialogue scene where the tenor
and the vehicle can be verbal phrases or sentences, mentioned by different
speakers, exist in different sentences, or occur in reversed order. However,
the current simile research usually focuses on similes in a triplet tuple
(tenor, property, vehicle) or a single sentence where the tenor and vehicle are
usually entities or noun phrases, which could not reflect complex simile
phenomena in real scenarios. In this paper, we propose a novel and high-quality
multilingual simile dialogue (MSD) dataset to facilitate the study of complex
simile phenomena. The MSD is the largest manually annotated simile data
($\sim$20K) and it contains both English and Chinese data. Meanwhile, the MSD
data can also be used on dialogue tasks to test the ability of dialogue systems
when using similes. We design 3 simile tasks (recognition, interpretation, and
generation) and 2 dialogue tasks (retrieval and generation) with MSD. For each
task, we provide experimental results from strong pre-trained or
state-of-the-art models. The experiments demonstrate the challenge of MSD and
we have released the data/code on GitHub. | cs.CL | I run as fast as a rabbit, can you? A Multilingual Simile Dialogue Dataset |
2023-06-09T03:53:42Z | http://arxiv.org/pdf/2306.05659v3 | http://arxiv.org/abs/2306.05659v3 | Zihao Tan, Qingliang Chen, Wenbin Zhu, Yongjian Huang | 2023-09-14T03:23:34Z | cs.CL, cs.AI | Prompt-based learning has been proved to be an effective way in pre-trained
language models (PLMs), especially in low-resource scenarios like few-shot
settings. However, the trustworthiness of PLMs is of paramount significance and
potential vulnerabilities have been shown in prompt-based templates that could
mislead the predictions of language models, causing serious security concerns.
In this paper, we will shed light on some vulnerabilities of PLMs, by proposing
a prompt-based adversarial attack on manual templates in black box scenarios.
First of all, we design character-level and word-level heuristic approaches to
break manual templates separately. Then we present a greedy algorithm for the
attack based on the above heuristic destructive approaches. Finally, we
evaluate our approach with the classification tasks on three variants of BERT
series models and eight datasets. And comprehensive experimental results
justify the effectiveness of our approach in terms of attack success rate and
attack speed. | cs.CL | COVER: A Heuristic Greedy Adversarial Attack on Prompt-based Learning in Language Models |
2023-06-09T03:37:49Z | http://arxiv.org/pdf/2306.05652v1 | http://arxiv.org/abs/2306.05652v1 | Prateek Chhikara, Ujjwal Pasupulety, John Marshall, Dhiraj Chaurasia, Shweta Kumari | 2023-06-09T03:37:49Z | cs.CL, cs.AI, cs.HC | Social media platforms have enabled individuals suffering from mental
illnesses to share their lived experiences and find the online support
necessary to cope. However, many users fail to receive genuine clinical
support, thus exacerbating their symptoms. Screening users based on what they
post online can aid providers in administering targeted healthcare and minimize
false positives. Pre-trained Language Models (LMs) can assess users' social
media data and classify them in terms of their mental health risk. We propose a
Question-Answering (QA) approach to assess mental health risk using the
Unified-QA model on two large mental health datasets. To protect user data, we
extend Unified-QA by anonymizing the model training process using differential
privacy. Our results demonstrate the effectiveness of modeling risk assessment
as a QA task, specifically for mental health use cases. Furthermore, the
model's performance decreases by less than 1% with the inclusion of
differential privacy. The proposed system's performance is indicative of a
promising research direction that will lead to the development of privacy-aware
diagnostic systems. | cs.CL | Privacy Aware Question-Answering System for Online Mental Health Risk Assessment |
2023-06-09T03:11:42Z | http://arxiv.org/pdf/2306.05644v2 | http://arxiv.org/abs/2306.05644v2 | Qiyu Wu, Masaaki Nagata, Yoshimasa Tsuruoka | 2023-10-19T05:47:52Z | cs.CL | Most existing word alignment methods rely on manual alignment datasets or
parallel corpora, which limits their usefulness. Here, to mitigate the
dependence on manual data, we broaden the source of supervision by relaxing the
requirement for correct, fully-aligned, and parallel sentences. Specifically,
we make noisy, partially aligned, and non-parallel paragraphs. We then use such
a large-scale weakly-supervised dataset for word alignment pre-training via
span prediction. Extensive experiments with various settings empirically
demonstrate that our approach, which is named WSPAlign, is an effective and
scalable way to pre-train word aligners without manual data. When fine-tuned on
standard benchmarks, WSPAlign has set a new state-of-the-art by improving upon
the best-supervised baseline by 3.3~6.1 points in F1 and 1.5~6.1 points in AER.
Furthermore, WSPAlign also achieves competitive performance compared with the
corresponding baselines in few-shot, zero-shot and cross-lingual tests, which
demonstrates that WSPAlign is potentially more practical for low-resource
languages than existing methods. | cs.CL | WSPAlign: Word Alignment Pre-training via Large-Scale Weakly Supervised Span Prediction |
2023-06-09T03:02:36Z | http://arxiv.org/pdf/2306.05642v1 | http://arxiv.org/abs/2306.05642v1 | Bang Yang, Asif Raza, Yuexian Zou, Tong Zhang | 2023-06-09T03:02:36Z | cs.CV, cs.AI, cs.CL, cs.IR | Medical caption prediction which can be regarded as a task of medical report
generation (MRG), requires the automatic generation of coherent and accurate
captions for the given medical images. However, the scarcity of labelled
medical image-report pairs presents great challenges in the development of deep
and large-scale neural networks capable of harnessing the potential artificial
general intelligence power like large language models (LLMs). In this work, we
propose customizing off-the-shelf general-purpose large-scale pre-trained
models, i.e., foundation models (FMs), in computer vision and natural language
processing with a specific focus on medical report generation. Specifically,
following BLIP-2, a state-of-the-art vision-language pre-training approach, we
introduce our encoder-decoder-based MRG model. This model utilizes a
lightweight query Transformer to connect two FMs: the giant vision Transformer
EVA-ViT-g and a bilingual LLM trained to align with human intentions (referred
to as ChatGLM-6B). Furthermore, we conduct ablative experiments on the
trainable components of the model to identify the crucial factors for effective
transfer learning. Our findings demonstrate that unfreezing EVA-ViT-g to learn
medical image representations, followed by parameter-efficient training of
ChatGLM-6B to capture the writing styles of medical reports, is essential for
achieving optimal results. Our best attempt (PCLmed Team) achieved the 4th and
the 2nd, respectively, out of 13 participating teams, based on the BERTScore
and ROUGE-1 metrics, in the ImageCLEFmedical Caption 2023 Caption Prediction
Task competition. | cs.CV | Customizing General-Purpose Foundation Models for Medical Report Generation |
2023-06-09T01:43:41Z | http://arxiv.org/pdf/2306.05617v1 | http://arxiv.org/abs/2306.05617v1 | Chenglong Wang, Jiangyan Yi, Xiaohui Zhang, Jianhua Tao, Le Xu, Ruibo Fu | 2023-06-09T01:43:41Z | cs.SD, cs.CL, eess.AS | Self-supervised speech models are a rapidly developing research topic in fake
audio detection. Many pre-trained models can serve as feature extractors,
learning richer and higher-level speech features. However,when fine-tuning
pre-trained models, there is often a challenge of excessively long training
times and high memory consumption, and complete fine-tuning is also very
expensive. To alleviate this problem, we apply low-rank adaptation(LoRA) to the
wav2vec2 model, freezing the pre-trained model weights and injecting a
trainable rank-decomposition matrix into each layer of the transformer
architecture, greatly reducing the number of trainable parameters for
downstream tasks. Compared with fine-tuning with Adam on the wav2vec2 model
containing 317M training parameters, LoRA achieved similar performance by
reducing the number of trainable parameters by 198 times. | cs.SD | Low-rank Adaptation Method for Wav2vec2-based Fake Audio Detection |
2023-06-09T00:54:21Z | http://arxiv.org/pdf/2306.05609v1 | http://arxiv.org/abs/2306.05609v1 | Lei Yu, Yang Xu | 2023-06-09T00:54:21Z | cs.CL | Humans often make creative use of words to express novel senses. A
long-standing effort in natural language processing has been focusing on word
sense disambiguation (WSD), but little has been explored about how the sense
inventory of a word may be extended toward novel meanings. We present a
paradigm of word sense extension (WSE) that enables words to spawn new senses
toward novel context. We develop a framework that simulates novel word sense
extension by first partitioning a polysemous word type into two pseudo-tokens
that mark its different senses, and then inferring whether the meaning of a
pseudo-token can be extended to convey the sense denoted by the token
partitioned from the same word type. Our framework combines cognitive models of
chaining with a learning scheme that transforms a language model embedding
space to support various types of word sense extension. We evaluate our
framework against several competitive baselines and show that it is superior in
predicting plausible novel senses for over 7,500 English words. Furthermore, we
show that our WSE framework improves performance over a range of
transformer-based WSD models in predicting rare word senses with few or zero
mentions in the training data. | cs.CL | Word sense extension |
2023-06-09T00:33:30Z | http://arxiv.org/pdf/2306.05605v1 | http://arxiv.org/abs/2306.05605v1 | Keiji Shinzato, Naoki Yoshinaga, Yandi Xia, Wei-Te Chen | 2023-06-09T00:33:30Z | cs.CL, cs.AI | Product attribute-value identification (PAVI) has been studied to link
products on e-commerce sites with their attribute values (e.g., <Material,
Cotton>) using product text as clues. Technical demands from real-world
e-commerce platforms require PAVI methods to handle unseen values,
multi-attribute values, and canonicalized values, which are only partly
addressed in existing extraction- and classification-based approaches.
Motivated by this, we explore a generative approach to the PAVI task. We
finetune a pre-trained generative model, T5, to decode a set of attribute-value
pairs as a target sequence from the given product text. Since the attribute
value pairs are unordered set elements, how to linearize them will matter; we,
thus, explore methods of composing an attribute-value pair and ordering the
pairs for the task. Experimental results confirm that our generation-based
approach outperforms the existing extraction and classification-based methods
on large-scale real-world datasets meant for those methods. | cs.CL | A Unified Generative Approach to Product Attribute-Value Identification |
2023-06-08T23:52:35Z | http://arxiv.org/pdf/2306.05596v1 | http://arxiv.org/abs/2306.05596v1 | Muskan Garg, Manas Gaur, Raxit Goswami, Sunghwan Sohn | 2023-06-08T23:52:35Z | cs.CL | Low self-esteem and interpersonal needs (i.e., thwarted belongingness (TB)
and perceived burdensomeness (PB)) have a major impact on depression and
suicide attempts. Individuals seek social connectedness on social media to
boost and alleviate their loneliness. Social media platforms allow people to
express their thoughts, experiences, beliefs, and emotions. Prior studies on
mental health from social media have focused on symptoms, causes, and
disorders. Whereas an initial screening of social media content for
interpersonal risk factors and low self-esteem may raise early alerts and
assign therapists to at-risk users of mental disturbance. Standardized scales
measure self-esteem and interpersonal needs from questions created using
psychological theories. In the current research, we introduce a
psychology-grounded and expertly annotated dataset, LoST: Low Self esTeem, to
study and detect low self-esteem on Reddit. Through an annotation approach
involving checks on coherence, correctness, consistency, and reliability, we
ensure gold-standard for supervised learning. We present results from different
deep language models tested using two data augmentation techniques. Our
findings suggest developing a class of language models that infuses
psychological and clinical knowledge. | cs.CL | LOST: A Mental Health Dataset of Low Self-esteem in Reddit Posts |
2023-06-08T22:33:22Z | http://arxiv.org/pdf/2306.07944v1 | http://arxiv.org/abs/2306.07944v1 | Mingqiu Wang, Izhak Shafran, Hagen Soltau, Wei Han, Yuan Cao, Dian Yu, Laurent El Shafey | 2023-06-08T22:33:22Z | eess.AS, cs.AI, cs.CL | Large Language Models (LLMs) have been applied in the speech domain, often
incurring a performance drop due to misaligned between speech and language
representations. To bridge this gap, we propose a joint speech and language
model (SLM) using a Speech2Text adapter, which maps speech into text token
embedding space without speech information loss. Additionally, using a
CTC-based blank-filtering, we can reduce the speech sequence length to that of
text. In speech MultiWoz dataset (DSTC11 challenge), SLM largely improves the
dialog state tracking (DST) performance (24.7% to 28.4% accuracy). Further to
address errors on rare entities, we augment SLM with a Speech2Entity retriever,
which uses speech to retrieve relevant entities, and then adds them to the
original SLM input as a prefix. With this retrieval-augmented SLM (ReSLM), the
DST performance jumps to 34.6% accuracy. Moreover, augmenting the ASR task with
the dialog understanding task improves the ASR performance from 9.4% to 8.5%
WER. | eess.AS | Speech-to-Text Adapter and Speech-to-Entity Retriever Augmented LLMs for Speech Understanding |
2023-06-08T21:06:19Z | http://arxiv.org/pdf/2306.05561v1 | http://arxiv.org/abs/2306.05561v1 | Oleksandr Yermilov, Vipul Raheja, Artem Chernodub | 2023-06-08T21:06:19Z | cs.CL | This work investigates the effectiveness of different pseudonymization
techniques, ranging from rule-based substitutions to using pre-trained Large
Language Models (LLMs), on a variety of datasets and models used for two widely
used NLP tasks: text classification and summarization. Our work provides
crucial insights into the gaps between original and anonymized data (focusing
on the pseudonymization technique) and model quality and fosters future
research into higher-quality anonymization techniques to better balance the
trade-offs between data protection and utility preservation. We make our code,
pseudonymized datasets, and downstream models publicly available | cs.CL | Privacy- and Utility-Preserving NLP with Anonymized Data: A case study of Pseudonymization |
2023-06-08T20:59:40Z | http://arxiv.org/pdf/2306.05556v1 | http://arxiv.org/abs/2306.05556v1 | Justin J. Xie, Ameeta Agrawal | 2023-06-08T20:59:40Z | cs.CL, cs.LG | Paraphrase generation, a.k.a. paraphrasing, is a common and important task in
natural language processing. Emotional paraphrasing, which changes the emotion
embodied in a piece of text while preserving its meaning, has many potential
applications, including moderating online dialogues and preventing
cyberbullying. We introduce a new task of fine-grained emotional paraphrasing
along emotion gradients, that is, altering the emotional intensities of the
paraphrases in fine-grained settings following smooth variations in affective
dimensions while preserving the meaning of the original text. We reconstruct
several widely used paraphrasing datasets by augmenting the input and target
texts with their fine-grained emotion labels. Then, we propose a framework for
emotion and sentiment guided paraphrasing by leveraging pre-trained language
models for conditioned text generation. Extensive evaluation of the fine-tuned
models suggests that including fine-grained emotion labels in the paraphrase
task significantly improves the likelihood of obtaining high-quality
paraphrases that reflect the desired emotions while achieving consistently
better scores in paraphrase metrics such as BLEU, ROUGE, and METEOR. | cs.CL | Emotion and Sentiment Guided Paraphrasing |
2023-06-08T20:46:09Z | http://arxiv.org/pdf/2306.05550v1 | http://arxiv.org/abs/2306.05550v1 | Katelyn X. Mei, Sonia Fereidooni, Aylin Caliskan | 2023-06-08T20:46:09Z | cs.CY, cs.AI, cs.CL, cs.LG, K.4; I.2.7; I.2.0 | The rapid deployment of artificial intelligence (AI) models demands a
thorough investigation of biases and risks inherent in these models to
understand their impact on individuals and society. This study extends the
focus of bias evaluation in extant work by examining bias against social
stigmas on a large scale. It focuses on 93 stigmatized groups in the United
States, including a wide range of conditions related to disease, disability,
drug use, mental illness, religion, sexuality, socioeconomic status, and other
relevant factors. We investigate bias against these groups in English
pre-trained Masked Language Models (MLMs) and their downstream sentiment
classification tasks. To evaluate the presence of bias against 93 stigmatized
conditions, we identify 29 non-stigmatized conditions to conduct a comparative
analysis. Building upon a psychology scale of social rejection, the Social
Distance Scale, we prompt six MLMs: RoBERTa-base, RoBERTa-large, XLNet-large,
BERTweet-base, BERTweet-large, and DistilBERT. We use human annotations to
analyze the predicted words from these models, with which we measure the extent
of bias against stigmatized groups. When prompts include stigmatized
conditions, the probability of MLMs predicting negative words is approximately
20 percent higher than when prompts have non-stigmatized conditions. In the
sentiment classification tasks, when sentences include stigmatized conditions
related to diseases, disability, education, and mental illness, they are more
likely to be classified as negative. We also observe a strong correlation
between bias in MLMs and their downstream sentiment classifiers (r =0.79). The
evidence indicates that MLMs and their downstream sentiment classification
tasks exhibit biases against socially stigmatized groups. | cs.CY | Bias Against 93 Stigmatized Groups in Masked Language Models and Downstream Sentiment Classification Tasks |
2023-06-08T20:35:53Z | http://arxiv.org/pdf/2306.07402v1 | http://arxiv.org/abs/2306.07402v1 | Kristen Howell, Gwen Christian, Pavel Fomitchov, Gitit Kehat, Julianne Marzulla, Leanne Rolston, Jadin Tredup, Ilana Zimmerman, Ethan Selfridge, Joseph Bradley | 2023-06-08T20:35:53Z | cs.CL, cs.AI | Contacting customer service via chat is a common practice. Because employing
customer service agents is expensive, many companies are turning to NLP that
assists human agents by auto-generating responses that can be used directly or
with modifications. Large Language Models (LLMs) are a natural fit for this use
case; however, their efficacy must be balanced with the cost of training and
serving them. This paper assesses the practical cost and impact of LLMs for the
enterprise as a function of the usefulness of the responses that they generate.
We present a cost framework for evaluating an NLP model's utility for this use
case and apply it to a single brand as a case study in the context of an
existing agent assistance product. We compare three strategies for specializing
an LLM - prompt engineering, fine-tuning, and knowledge distillation - using
feedback from the brand's customer service agents. We find that the usability
of a model's responses can make up for a large difference in inference cost for
our case study brand, and we extrapolate our findings to the broader enterprise
space. | cs.CL | The economic trade-offs of large language models: A case study |
2023-06-08T18:43:11Z | http://arxiv.org/pdf/2306.05499v2 | http://arxiv.org/abs/2306.05499v2 | Yi Liu, Gelei Deng, Yuekang Li, Kailong Wang, Zihao Wang, Xiaofeng Wang, Tianwei Zhang, Yepang Liu, Haoyu Wang, Yan Zheng, Yang Liu | 2024-03-02T09:12:23Z | cs.CR, cs.AI, cs.CL, cs.SE | Large Language Models (LLMs), renowned for their superior proficiency in
language comprehension and generation, stimulate a vibrant ecosystem of
applications around them. However, their extensive assimilation into various
services introduces significant security risks. This study deconstructs the
complexities and implications of prompt injection attacks on actual
LLM-integrated applications. Initially, we conduct an exploratory analysis on
ten commercial applications, highlighting the constraints of current attack
strategies in practice. Prompted by these limitations, we subsequently
formulate HouYi, a novel black-box prompt injection attack technique, which
draws inspiration from traditional web injection attacks. HouYi is
compartmentalized into three crucial elements: a seamlessly-incorporated
pre-constructed prompt, an injection prompt inducing context partition, and a
malicious payload designed to fulfill the attack objectives. Leveraging HouYi,
we unveil previously unknown and severe attack outcomes, such as unrestricted
arbitrary LLM usage and uncomplicated application prompt theft. We deploy HouYi
on 36 actual LLM-integrated applications and discern 31 applications
susceptible to prompt injection. 10 vendors have validated our discoveries,
including Notion, which has the potential to impact millions of users. Our
investigation illuminates both the possible risks of prompt injection attacks
and the possible tactics for mitigation. | cs.CR | Prompt Injection attack against LLM-integrated Applications |
2023-06-08T18:02:07Z | http://arxiv.org/pdf/2306.05477v1 | http://arxiv.org/abs/2306.05477v1 | Afra Amini, Tianyu Liu, Ryan Cotterell | 2023-06-08T18:02:07Z | cs.CL, cs.AI | We introduce a novel dependency parser, the hexatagger, that constructs
dependency trees by tagging the words in a sentence with elements from a finite
set of possible tags. In contrast to many approaches to dependency parsing, our
approach is fully parallelizable at training time, i.e., the structure-building
actions needed to build a dependency parse can be predicted in parallel to each
other. Additionally, exact decoding is linear in time and space complexity.
Furthermore, we derive a probabilistic dependency parser that predicts hexatags
using no more than a linear model with features from a pretrained language
model, i.e., we forsake a bespoke architecture explicitly designed for the
task. Despite the generality and simplicity of our approach, we achieve
state-of-the-art performance of 96.4 LAS and 97.4 UAS on the Penn Treebank test
set. Additionally, our parser's linear time complexity and parallelism
significantly improve computational efficiency, with a roughly 10-times
speed-up over previous state-of-the-art models during decoding. | cs.CL | Hexatagging: Projective Dependency Parsing as Tagging |
2023-06-08T17:59:56Z | http://arxiv.org/pdf/2306.05425v1 | http://arxiv.org/abs/2306.05425v1 | Bo Li, Yuanhan Zhang, Liangyu Chen, Jinghao Wang, Fanyi Pu, Jingkang Yang, Chunyuan Li, Ziwei Liu | 2023-06-08T17:59:56Z | cs.CV, cs.AI, cs.CL, cs.HC | High-quality instructions and responses are essential for the zero-shot
performance of large language models on interactive natural language tasks. For
interactive vision-language tasks involving intricate visual scenes, a large
quantity of diverse and creative instruction-response pairs should be
imperative to tune vision-language models (VLMs). Nevertheless, the current
availability of vision-language instruction-response pairs in terms of
quantity, diversity, and creativity remains limited, posing challenges to the
generalization of interactive VLMs. Here we present MultI-Modal In-Context
Instruction Tuning (MIMIC-IT), a dataset comprising 2.8 million multimodal
instruction-response pairs, with 2.2 million unique instructions derived from
images and videos. Each pair is accompanied by multi-modal in-context
information, forming conversational contexts aimed at empowering VLMs in
perception, reasoning, and planning. The instruction-response collection
process, dubbed as Syphus, is scaled using an automatic annotation pipeline
that combines human expertise with GPT's capabilities. Using the MIMIC-IT
dataset, we train a large VLM named Otter. Based on extensive evaluations
conducted on vision-language benchmarks, it has been observed that Otter
demonstrates remarkable proficiency in multi-modal perception, reasoning, and
in-context learning. Human evaluation reveals it effectively aligns with the
user's intentions. We release the MIMIC-IT dataset, instruction-response
collection pipeline, benchmarks, and the Otter model. | cs.CV | MIMIC-IT: Multi-Modal In-Context Instruction Tuning |
2023-06-08T17:54:36Z | http://arxiv.org/pdf/2306.05406v1 | http://arxiv.org/abs/2306.05406v1 | Shizhe Diao, Tianyang Xu, Ruijia Xu, Jiawei Wang, Tong Zhang | 2023-06-08T17:54:36Z | cs.CL | Pre-trained language models (PLMs) demonstrate excellent abilities to
understand texts in the generic domain while struggling in a specific domain.
Although continued pre-training on a large domain-specific corpus is effective,
it is costly to tune all the parameters on the domain. In this paper, we
investigate whether we can adapt PLMs both effectively and efficiently by only
tuning a few parameters. Specifically, we decouple the feed-forward networks
(FFNs) of the Transformer architecture into two parts: the original pre-trained
FFNs to maintain the old-domain knowledge and our novel domain-specific
adapters to inject domain-specific knowledge in parallel. Then we adopt a
mixture-of-adapters gate to fuse the knowledge from different domain adapters
dynamically. Our proposed Mixture-of-Domain-Adapters (MixDA) employs a
two-stage adapter-tuning strategy that leverages both unlabeled data and
labeled data to help the domain adaptation: i) domain-specific adapter on
unlabeled data; followed by ii) the task-specific adapter on labeled data.
MixDA can be seamlessly plugged into the pretraining-finetuning paradigm and
our experiments demonstrate that MixDA achieves superior performance on
in-domain tasks (GLUE), out-of-domain tasks (ChemProt, RCT, IMDB, Amazon), and
knowledge-intensive tasks (KILT). Further analyses demonstrate the reliability,
scalability, and efficiency of our method. The code is available at
https://github.com/Amano-Aki/Mixture-of-Domain-Adapters. | cs.CL | Mixture-of-Domain-Adapters: Decoupling and Injecting Domain Knowledge to Pre-trained Language Models Memories |
2023-06-08T17:45:14Z | http://arxiv.org/pdf/2306.05392v1 | http://arxiv.org/abs/2306.05392v1 | Sanjay Subramanian, Medhini Narasimhan, Kushal Khangaonkar, Kevin Yang, Arsha Nagrani, Cordelia Schmid, Andy Zeng, Trevor Darrell, Dan Klein | 2023-06-08T17:45:14Z | cs.CL | We present a framework that formulates visual question answering as modular
code generation. In contrast to prior work on modular approaches to VQA, our
approach requires no additional training and relies on pre-trained language
models (LMs), visual models pre-trained on image-caption pairs, and fifty VQA
examples used for in-context learning. The generated Python programs invoke and
compose the outputs of the visual models using arithmetic and conditional
logic. Our approach improves accuracy on the COVR dataset by at least 3% and on
the GQA dataset by roughly 2% compared to the few-shot baseline that does not
employ code generation. | cs.CL | Modular Visual Question Answering via Code Generation |
2023-06-08T17:38:14Z | http://arxiv.org/pdf/2306.05387v1 | http://arxiv.org/abs/2306.05387v1 | Daniela Teodorescu, Alona Fyshe, Saif M. Mohammad | 2023-06-08T17:38:14Z | cs.CL | Emerging psychopathology studies are showing that patterns of changes in
emotional state -- emotion dynamics -- are associated with overall well-being
and mental health. More recently, there has been some work in tracking emotion
dynamics through one's utterances, allowing for data to be collected on a
larger scale across time and people. However, several questions about how
emotion dynamics change with age, especially in children, and when determined
through children's writing, remain unanswered. In this work, we use both a
lexicon and a machine learning based approach to quantify characteristics of
emotion dynamics determined from poems written by children of various ages. We
show that both approaches point to similar trends: consistent increasing
intensities for some emotions (e.g., anger, fear, joy, sadness, arousal, and
dominance) with age and a consistent decreasing valence with age. We also find
increasing emotional variability, rise rates (i.e., emotional reactivity), and
recovery rates (i.e., emotional regulation) with age. These results act as a
useful baselines for further research in how patterns of emotions expressed by
children change with age, and their association with mental health. | cs.CL | Utterance Emotion Dynamics in Children's Poems: Emotional Changes Across Age |
2023-06-08T17:28:28Z | http://arxiv.org/pdf/2306.05446v1 | http://arxiv.org/abs/2306.05446v1 | Colin Lea, Dianna Yee, Jaya Narain, Zifang Huang, Lauren Tooley, Jeffrey P. Bigham, Leah Findlater | 2023-06-08T17:28:28Z | eess.AS, cs.AI, cs.CL, cs.LG | Many consumer speech recognition systems are not tuned for people with speech
disabilities, resulting in poor recognition and user experience, especially for
severe speech differences. Recent studies have emphasized interest in
personalized speech models from people with atypical speech patterns. We
propose a query-by-example-based personalized phrase recognition system that is
trained using small amounts of speech, is language agnostic, does not assume a
traditional pronunciation lexicon, and generalizes well across speech
difference severities. On an internal dataset collected from 32 people with
dysarthria, this approach works regardless of severity and shows a 60%
improvement in recall relative to a commercial speech recognition system. On
the public EasyCall dataset of dysarthric speech, our approach improves
accuracy by 30.5%. Performance degrades as the number of phrases increases, but
consistently outperforms ASR systems when trained with 50 unique phrases. | eess.AS | Latent Phrase Matching for Dysarthric Speech |
2023-06-08T17:05:38Z | http://arxiv.org/pdf/2306.05360v1 | http://arxiv.org/abs/2306.05360v1 | Adaeze Adigwe, Zheng Yuan | 2023-06-08T17:05:38Z | cs.CL, cs.AI, cs.CY | This paper presents the ADAIO team's system entry in the Building Educational
Applications (BEA) 2023 Shared Task on Generating AI Teacher Responses in
Educational Dialogues. The task aims to assess the performance of
state-of-the-art generative models as AI teachers in producing suitable
responses within a student-teacher dialogue. Our system comprises evaluating
various baseline models using OpenAI GPT-3 and designing diverse prompts to
prompt the OpenAI models for teacher response generation. After the challenge,
our system achieved second place by employing a few-shot prompt-based approach
with the OpenAI text-davinci-003 model. The results highlight the few-shot
learning capabilities of large-language models, particularly OpenAI's GPT-3, in
the role of AI teachers. | cs.CL | The ADAIO System at the BEA-2023 Shared Task on Generating AI Teacher Responses in Educational Dialogues |
2023-06-08T16:15:46Z | http://arxiv.org/pdf/2306.05323v2 | http://arxiv.org/abs/2306.05323v2 | Claudio Crema, Tommaso Mario Buonocore, Silvia Fostinelli, Enea Parimbelli, Federico Verde, Cira Fundarò, Marina Manera, Matteo Cotta Ramusino, Marco Capelli, Alfredo Costa, Giuliano Binetti, Riccardo Bellazzi, Alberto Redolfi | 2024-01-15T11:05:23Z | cs.CL, cs.AI, cs.LG, I.2.7; J.3 | The introduction of computerized medical records in hospitals has reduced
burdensome activities like manual writing and information fetching. However,
the data contained in medical records are still far underutilized, primarily
because extracting data from unstructured textual medical records takes time
and effort. Information Extraction, a subfield of Natural Language Processing,
can help clinical practitioners overcome this limitation by using automated
text-mining pipelines. In this work, we created the first Italian
neuropsychiatric Named Entity Recognition dataset, PsyNIT, and used it to
develop a Transformers-based model. Moreover, we collected and leveraged three
external independent datasets to implement an effective multicenter model, with
overall F1-score 84.77%, Precision 83.16%, Recall 86.44%. The lessons learned
are: (i) the crucial role of a consistent annotation process and (ii) a
fine-tuning strategy that combines classical methods with a "low-resource"
approach. This allowed us to establish methodological guidelines that pave the
way for Natural Language Processing studies in less-resourced languages. | cs.CL | Advancing Italian Biomedical Information Extraction with Transformers-based Models: Methodological Insights and Multicenter Practical Application |
2023-06-08T16:13:20Z | http://arxiv.org/pdf/2306.05320v3 | http://arxiv.org/abs/2306.05320v3 | Danni Liu, Thai Binh Nguyen, Sai Koneru, Enes Yavuz Ugan, Ngoc-Quan Pham, Tuan-Nam Nguyen, Tu Anh Dinh, Carlos Mullov, Alexander Waibel, Jan Niehues | 2023-07-12T04:41:47Z | cs.CL, cs.SD | Many existing speech translation benchmarks focus on native-English speech in
high-quality recording conditions, which often do not match the conditions in
real-life use-cases. In this paper, we describe our speech translation system
for the multilingual track of IWSLT 2023, which evaluates translation quality
on scientific conference talks. The test condition features accented input
speech and terminology-dense contents. The task requires translation into 10
languages of varying amounts of resources. In absence of training data from the
target domain, we use a retrieval-based approach (kNN-MT) for effective
adaptation (+0.8 BLEU for speech translation). We also use adapters to easily
integrate incremental training data from data augmentation, and show that it
matches the performance of re-training. We observe that cascaded systems are
more easily adaptable towards specific target domains, due to their separate
modules. Our cascaded speech system substantially outperforms its end-to-end
counterpart on scientific talk translation, although their performance remains
similar on TED talks. | cs.CL | KIT's Multilingual Speech Translation System for IWSLT 2023 |
2023-06-08T16:08:10Z | http://arxiv.org/pdf/2306.05317v1 | http://arxiv.org/abs/2306.05317v1 | Potsawee Manakul, Yassir Fathullah, Adian Liusie, Vyas Raina, Vatsal Raina, Mark Gales | 2023-06-08T16:08:10Z | cs.CL | In this paper, we consider the challenge of summarizing patients' medical
progress notes in a limited data setting. For the Problem List Summarization
(shared task 1A) at the BioNLP Workshop 2023, we demonstrate that Clinical-T5
fine-tuned to 765 medical clinic notes outperforms other extractive,
abstractive and zero-shot baselines, yielding reasonable baseline systems for
medical note summarization. Further, we introduce Hierarchical Ensemble of
Summarization Models (HESM), consisting of token-level ensembles of diverse
fine-tuned Clinical-T5 models, followed by Minimum Bayes Risk (MBR) decoding.
Our HESM approach lead to a considerable summarization performance boost, and
when evaluated on held-out challenge data achieved a ROUGE-L of 32.77, which
was the best-performing system at the top of the shared task leaderboard. | cs.CL | CUED at ProbSum 2023: Hierarchical Ensemble of Summarization Models |
2023-06-08T15:56:57Z | http://arxiv.org/pdf/2306.05307v1 | http://arxiv.org/abs/2306.05307v1 | Fanny Jourdan, Laurent Risser, Jean-Michel Loubes, Nicholas Asher | 2023-06-08T15:56:57Z | cs.CL, cs.CY, cs.LG, stat.ML | This paper presents novel experiments shedding light on the shortcomings of
current metrics for assessing biases of gender discrimination made by machine
learning algorithms on textual data. We focus on the Bios dataset, and our
learning task is to predict the occupation of individuals, based on their
biography. Such prediction tasks are common in commercial Natural Language
Processing (NLP) applications such as automatic job recommendations. We address
an important limitation of theoretical discussions dealing with group-wise
fairness metrics: they focus on large datasets, although the norm in many
industrial NLP applications is to use small to reasonably large linguistic
datasets for which the main practical constraint is to get a good prediction
accuracy. We then question how reliable are different popular measures of bias
when the size of the training set is simply sufficient to learn reasonably
accurate predictions. Our experiments sample the Bios dataset and learn more
than 200 models on different sample sizes. This allows us to statistically
study our results and to confirm that common gender bias indices provide
diverging and sometimes unreliable results when applied to relatively small
training and test samples. This highlights the crucial importance of variance
calculations for providing sound results in this field. | cs.CL | Are fairness metric scores enough to assess discrimination biases in machine learning? |
2023-06-08T15:46:32Z | http://arxiv.org/pdf/2306.05301v2 | http://arxiv.org/abs/2306.05301v2 | Qiaoyu Tang, Ziliang Deng, Hongyu Lin, Xianpei Han, Qiao Liang, Boxi Cao, Le Sun | 2023-09-07T12:20:45Z | cs.CL | Enabling large language models to utilize real-world tools effectively is
crucial for achieving embodied intelligence. Existing approaches to tool
learning have either primarily relied on extremely large language models, such
as GPT-4, to attain generalized tool-use abilities in a zero-shot manner, or
utilized supervised learning to train limited scopes of tools on compact
models. However, it remains uncertain whether smaller language models can
achieve generalized tool-use abilities without tool-specific training. To
address this question, this paper introduces ToolAlpaca, a novel framework
designed to automatically generate a diverse tool-use corpus and learn
generalized tool-use abilities on compact language models with minimal human
intervention. Specifically, ToolAlpaca first automatically creates a highly
diversified tool-use corpus by building a multi-agent simulation environment.
The corpus contains 3938 tool-use instances from more than 400 real-world tool
APIs spanning 50 distinct categories. Subsequently, the constructed corpus is
employed to fine-tune compact language models, resulting in two models, namely
ToolAlpaca-7B and ToolAlpaca-13B, respectively. Finally, we evaluate the
ability of these models to utilize previously unseen tools without specific
training. Experimental results demonstrate that ToolAlpaca achieves effective
generalized tool-use capabilities comparable to those of extremely large
language models like GPT-3.5, demonstrating that learning generalized tool-use
ability is feasible for compact language models. | cs.CL | ToolAlpaca: Generalized Tool Learning for Language Models with 3000 Simulated Cases |
2023-06-08T15:26:52Z | http://arxiv.org/pdf/2306.05278v1 | http://arxiv.org/abs/2306.05278v1 | Haode Zhang, Haowen Liang, Liming Zhan, Xiao-Ming Wu, Albert Y. S. Lam | 2023-06-08T15:26:52Z | cs.CL | We consider the task of few-shot intent detection, which involves training a
deep learning model to classify utterances based on their underlying intents
using only a small amount of labeled data. The current approach to address this
problem is through continual pre-training, i.e., fine-tuning pre-trained
language models (PLMs) on external resources (e.g., conversational corpora,
public intent detection datasets, or natural language understanding datasets)
before using them as utterance encoders for training an intent classifier. In
this paper, we show that continual pre-training may not be essential, since the
overfitting problem of PLMs on this task may not be as serious as expected.
Specifically, we find that directly fine-tuning PLMs on only a handful of
labeled examples already yields decent results compared to methods that employ
continual pre-training, and the performance gap diminishes rapidly as the
number of labeled data increases. To maximize the utilization of the limited
available data, we propose a context augmentation method and leverage
sequential self-distillation to boost performance. Comprehensive experiments on
real-world benchmarks show that given only two or more labeled samples per
class, direct fine-tuning outperforms many strong baselines that utilize
external data sources for continual pre-training. The code can be found at
https://github.com/hdzhang-code/DFTPlus. | cs.CL | Revisit Few-shot Intent Classification with PLMs: Direct Fine-tuning vs. Continual Pre-training |
2023-06-08T15:25:24Z | http://arxiv.org/pdf/2306.05276v1 | http://arxiv.org/abs/2306.05276v1 | Simone Scaboro, Beatrice Portellia, Emmanuele Chersoni, Enrico Santus, Giuseppe Serra | 2023-06-08T15:25:24Z | cs.CL, cs.AI | Adverse Event (ADE) extraction is one of the core tasks in digital
pharmacovigilance, especially when applied to informal texts. This task has
been addressed by the Natural Language Processing community using large
pre-trained language models, such as BERT. Despite the great number of
Transformer-based architectures used in the literature, it is unclear which of
them has better performances and why. Therefore, in this paper we perform an
extensive evaluation and analysis of 19 Transformer-based models for ADE
extraction on informal texts. We compare the performance of all the considered
models on two datasets with increasing levels of informality (forums posts and
tweets). We also combine the purely Transformer-based models with two
commonly-used additional processing layers (CRF and LSTM), and analyze their
effect on the models performance. Furthermore, we use a well-established
feature importance technique (SHAP) to correlate the performance of the models
with a set of features that describe them: model category (AutoEncoding,
AutoRegressive, Text-to-Text), pretraining domain, training from scratch, and
model size in number of parameters. At the end of our analyses, we identify a
list of take-home messages that can be derived from the experimental data. | cs.CL | Extensive Evaluation of Transformer-based Architectures for Adverse Drug Events Extraction |
2023-06-08T15:19:57Z | http://arxiv.org/pdf/2306.05270v1 | http://arxiv.org/abs/2306.05270v1 | Yanjun Gao, Dmitriy Dligach, Timothy Miller, Matthew M. Churpek, Majid Afshar | 2023-06-08T15:19:57Z | cs.CL | The BioNLP Workshop 2023 initiated the launch of a shared task on Problem
List Summarization (ProbSum) in January 2023. The aim of this shared task is to
attract future research efforts in building NLP models for real-world
diagnostic decision support applications, where a system generating relevant
and accurate diagnoses will augment the healthcare providers decision-making
process and improve the quality of care for patients. The goal for participants
is to develop models that generated a list of diagnoses and problems using
input from the daily care notes collected from the hospitalization of
critically ill patients. Eight teams submitted their final systems to the
shared task leaderboard. In this paper, we describe the tasks, datasets,
evaluation metrics, and baseline systems. Additionally, the techniques and
results of the evaluation of the different approaches tried by the
participating teams are summarized. | cs.CL | Overview of the Problem List Summarization (ProbSum) 2023 Shared Task on Summarizing Patients' Active Diagnoses and Problems from Electronic Health Record Progress Notes |
2023-06-08T15:17:04Z | http://arxiv.org/pdf/2306.05268v2 | http://arxiv.org/abs/2306.05268v2 | Paul Pu Liang, Zihao Deng, Martin Ma, James Zou, Louis-Philippe Morency, Ruslan Salakhutdinov | 2023-10-30T05:31:05Z | cs.LG, cs.AI, cs.CL, cs.CV, cs.MM | In a wide range of multimodal tasks, contrastive learning has become a
particularly appealing approach since it can successfully learn representations
from abundant unlabeled data with only pairing information (e.g., image-caption
or video-audio pairs). Underpinning these approaches is the assumption of
multi-view redundancy - that shared information between modalities is necessary
and sufficient for downstream tasks. However, in many real-world settings,
task-relevant information is also contained in modality-unique regions:
information that is only present in one modality but still relevant to the
task. How can we learn self-supervised multimodal representations to capture
both shared and unique information relevant to downstream tasks? This paper
proposes FactorCL, a new multimodal representation learning method to go beyond
multi-view redundancy. FactorCL is built from three new contributions: (1)
factorizing task-relevant information into shared and unique representations,
(2) capturing task-relevant information via maximizing MI lower bounds and
removing task-irrelevant information via minimizing MI upper bounds, and (3)
multimodal data augmentations to approximate task relevance without labels. On
large-scale real-world datasets, FactorCL captures both shared and unique
information and achieves state-of-the-art results on six benchmarks | cs.LG | Factorized Contrastive Learning: Going Beyond Multi-view Redundancy |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.