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-08-04T21:44:16Z | http://arxiv.org/pdf/2308.03795v2 | http://arxiv.org/abs/2308.03795v2 | Renze Lou, Wenpeng Yin | 2024-01-25T21:08:14Z | cs.CL | This work proposes a challenging yet more realistic setting for zero-shot
cross-task generalization: zero-shot instruction following, presuming the
existence of a paragraph-style task definition while no demonstrations exist.
To better learn the task supervision from the definition, we propose two
strategies: first, to automatically find out the critical sentences in the
definition; second, a ranking objective to force the model to generate the gold
outputs with higher probabilities when those critical parts are highlighted in
the definition. The joint efforts of the two strategies yield state-of-the-art
performance on the Super-NaturalInstructions. Our code is available on GitHub. | cs.CL | Toward Zero-Shot Instruction Following |
2023-08-04T17:59:47Z | http://arxiv.org/pdf/2308.02490v3 | http://arxiv.org/abs/2308.02490v3 | Weihao Yu, Zhengyuan Yang, Linjie Li, Jianfeng Wang, Kevin Lin, Zicheng Liu, Xinchao Wang, Lijuan Wang | 2023-10-24T07:59:31Z | cs.AI, cs.CL, cs.CV, cs.LG | We propose MM-Vet, an evaluation benchmark that examines large multimodal
models (LMMs) on complicated multimodal tasks. Recent LMMs have shown various
intriguing abilities, such as solving math problems written on the blackboard,
reasoning about events and celebrities in news images, and explaining visual
jokes. Rapid model advancements pose challenges to evaluation benchmark
development. Problems include: (1) How to systematically structure and evaluate
the complicated multimodal tasks; (2) How to design evaluation metrics that
work well across question and answer types; and (3) How to give model insights
beyond a simple performance ranking. To this end, we present MM-Vet, designed
based on the insight that the intriguing ability to solve complicated tasks is
often achieved by a generalist model being able to integrate different core
vision-language (VL) capabilities. MM-Vet defines 6 core VL capabilities and
examines the 16 integrations of interest derived from the capability
combination. For evaluation metrics, we propose an LLM-based evaluator for
open-ended outputs. The evaluator enables the evaluation across different
question types and answer styles, resulting in a unified scoring metric. We
evaluate representative LMMs on MM-Vet, providing insights into the
capabilities of different LMM system paradigms and models. Code and data are
available at https://github.com/yuweihao/MM-Vet. | cs.AI | MM-Vet: Evaluating Large Multimodal Models for Integrated Capabilities |
2023-08-04T17:54:52Z | http://arxiv.org/pdf/2308.02482v1 | http://arxiv.org/abs/2308.02482v1 | Lucy Skidmore, Roger K. Moore | 2023-08-04T17:54:52Z | cs.CL | The detection of disfluencies such as hesitations, repetitions and false
starts commonly found in speech is a widely studied area of research. With a
standardised process for evaluation using the Switchboard Corpus, model
performance can be easily compared across approaches. This is not the case for
disfluency detection research on learner speech, however, where such datasets
have restricted access policies, making comparison and subsequent development
of improved models more challenging. To address this issue, this paper
describes the adaptation of the NICT-JLE corpus, containing approximately 300
hours of English learners' oral proficiency tests, to a format that is suitable
for disfluency detection model training and evaluation. Points of difference
between the NICT-JLE and Switchboard corpora are explored, followed by a
detailed overview of adaptations to the tag set and meta-features of the
NICT-JLE corpus. The result of this work provides a standardised train, heldout
and test set for use in future research on disfluency detection for learner
speech. | cs.CL | Adapting the NICT-JLE Corpus for Disfluency Detection Models |
2023-08-04T17:00:38Z | http://arxiv.org/pdf/2308.02463v5 | http://arxiv.org/abs/2308.02463v5 | Chaoyi Wu, Xiaoman Zhang, Ya Zhang, Yanfeng Wang, Weidi Xie | 2023-11-16T12:38:46Z | cs.CV, cs.CL | In this study, we aim to initiate the development of Radiology Foundation
Model, termed as RadFM. We consider the construction of foundational models
from three perspectives, namely, dataset construction, model design, and
thorough evaluation. Our contribution can be concluded as follows: (i), we
construct a large-scale Medical Multi-modal Dataset, MedMD, which consists of
16M 2D and 3D medical scans with high-quality text descriptions or reports
across various data formats, modalities, and tasks, covering over 5000 distinct
diseases. To the best of our knowledge, this is the first large-scale,
high-quality, medical visual-language dataset, with both 2D and 3D scans; (ii),
we propose an architecture that enables visually conditioned generative
pre-training, i.e., allowing for integration of text input with 2D or 3D
medical scans, and generate responses for diverse radiologic tasks. The model
was initially pre-trained on MedMD and subsequently fine-tuned on the
domain-specific dataset, which is a radiologic cleaned version of MedMD,
containing 3M radiologic visual-language pairs, termed as RadMD; (iii), we
propose a new evaluation benchmark, RadBench, that comprises five tasks,
including modality recognition, disease diagnosis, visual question answering,
report generation and rationale diagnosis, aiming to comprehensively assess the
capability of foundation models in handling practical clinical problems. We
conduct both automatic and human evaluation on RadBench, in both cases, RadFM
outperforms existing multi-modal foundation models, that are publicaly
accessible, including Openflamingo, MedFlamingo, MedVInT and GPT-4V.
Additionally, we also adapt RadFM for different public benchmarks, surpassing
existing SOTAs on diverse datasets. All codes, data, and model checkpoint will
all be made publicly available to promote further research and development in
the field. | cs.CV | Towards Generalist Foundation Model for Radiology by Leveraging Web-scale 2D&3D Medical Data |
2023-08-04T16:59:48Z | http://arxiv.org/pdf/2308.04416v1 | http://arxiv.org/abs/2308.04416v1 | Thiago Dal Pont, Federico Galli, Andrea Loreggia, Giuseppe Pisano, Riccardo Rovatti, Giovanni Sartor | 2023-08-04T16:59:48Z | cs.CL | We present some initial results of a large-scale Italian project called
PRODIGIT which aims to support tax judges and lawyers through digital
technology, focusing on AI. We have focused on generation of summaries of
judicial decisions and on the extraction of related information, such as the
identification of legal issues and decision-making criteria, and the
specification of keywords. To this end, we have deployed and evaluated
different tools and approaches to extractive and abstractive summarisation. We
have applied LLMs, and particularly on GPT4, which has enabled us to obtain
results that proved satisfactory, according to an evaluation by expert tax
judges and lawyers. On this basis, a prototype application is being built which
will be made publicly available. | cs.CL | Legal Summarisation through LLMs: The PRODIGIT Project |
2023-08-04T16:22:06Z | http://arxiv.org/pdf/2308.02448v1 | http://arxiv.org/abs/2308.02448v1 | David Oniani, Jordan Hilsman, Yifan Peng, COL, Ronald K. Poropatich, COL Jeremy C. Pamplin, LTC Gary L. Legault, Yanshan Wang | 2023-08-04T16:22:06Z | cs.CY, cs.AI, cs.CL, cs.LG | In 2020, the U.S. Department of Defense officially disclosed a set of ethical
principles to guide the use of Artificial Intelligence (AI) technologies on
future battlefields. Despite stark differences, there are core similarities
between the military and medical service. Warriors on battlefields often face
life-altering circumstances that require quick decision-making. Medical
providers experience similar challenges in a rapidly changing healthcare
environment, such as in the emergency department or during surgery treating a
life-threatening condition. Generative AI, an emerging technology designed to
efficiently generate valuable information, holds great promise. As computing
power becomes more accessible and the abundance of health data, such as
electronic health records, electrocardiograms, and medical images, increases,
it is inevitable that healthcare will be revolutionized by this technology.
Recently, generative AI has captivated the research community, leading to
debates about its application in healthcare, mainly due to concerns about
transparency and related issues. Meanwhile, concerns about the potential
exacerbation of health disparities due to modeling biases have raised notable
ethical concerns regarding the use of this technology in healthcare. However,
the ethical principles for generative AI in healthcare have been understudied,
and decision-makers often fail to consider the significance of generative AI.
In this paper, we propose GREAT PLEA ethical principles, encompassing
governance, reliability, equity, accountability, traceability, privacy,
lawfulness, empathy, and autonomy, for generative AI in healthcare. We aim to
proactively address the ethical dilemmas and challenges posed by the
integration of generative AI in healthcare. | cs.CY | From Military to Healthcare: Adopting and Expanding Ethical Principles for Generative Artificial Intelligence |
2023-08-04T14:50:37Z | http://arxiv.org/pdf/2308.02618v2 | http://arxiv.org/abs/2308.02618v2 | Saipraneeth Devunuri, Shirin Qiam, Lewis Lehe | 2023-11-03T17:09:46Z | cs.IR, cs.AI, cs.CL, cs.LG | The General Transit Feed Specification (GTFS) standard for publishing transit
data is ubiquitous. GTFS being tabular data, with information spread across
different files, necessitates specialized tools or packages to retrieve
information. Concurrently, the use of Large Language Models(LLMs) for text and
information retrieval is growing. The idea of this research is to see if the
current widely adopted LLMs (ChatGPT) are able to understand GTFS and retrieve
information from GTFS using natural language instructions without explicitly
providing information. In this research, we benchmark OpenAI's GPT-3.5-Turbo
and GPT-4 LLMs which are the backbone of ChatGPT. ChatGPT demonstrates a
reasonable understanding of GTFS by answering 59.7% (GPT-3.5-Turbo) and 73.3%
(GPT-4) of our multiple-choice questions (MCQ) correctly. Furthermore, we
evaluated the LLMs on information extraction tasks using a filtered GTFS feed
containing four routes. We found that program synthesis techniques outperformed
zero-shot approaches, achieving up to 93% (90%) accuracy for simple queries and
61% (41%) for complex ones using GPT-4 (GPT-3.5-Turbo). | cs.IR | ChatGPT for GTFS: Benchmarking LLMs on GTFS Understanding and Retrieval |
2023-08-04T14:47:15Z | http://arxiv.org/pdf/2308.02357v1 | http://arxiv.org/abs/2308.02357v1 | Nandana Mihindukulasooriya, Sanju Tiwari, Carlos F. Enguix, Kusum Lata | 2023-08-04T14:47:15Z | cs.CL, cs.AI, 68, I.2.4; I.2.7 | The recent advances in large language models (LLM) and foundation models with
emergent capabilities have been shown to improve the performance of many NLP
tasks. LLMs and Knowledge Graphs (KG) can complement each other such that LLMs
can be used for KG construction or completion while existing KGs can be used
for different tasks such as making LLM outputs explainable or fact-checking in
Neuro-Symbolic manner. In this paper, we present Text2KGBench, a benchmark to
evaluate the capabilities of language models to generate KGs from natural
language text guided by an ontology. Given an input ontology and a set of
sentences, the task is to extract facts from the text while complying with the
given ontology (concepts, relations, domain/range constraints) and being
faithful to the input sentences. We provide two datasets (i) Wikidata-TekGen
with 10 ontologies and 13,474 sentences and (ii) DBpedia-WebNLG with 19
ontologies and 4,860 sentences. We define seven evaluation metrics to measure
fact extraction performance, ontology conformance, and hallucinations by LLMs.
Furthermore, we provide results for two baseline models, Vicuna-13B and
Alpaca-LoRA-13B using automatic prompt generation from test cases. The baseline
results show that there is room for improvement using both Semantic Web and
Natural Language Processing techniques. | cs.CL | Text2KGBench: A Benchmark for Ontology-Driven Knowledge Graph Generation from Text |
2023-08-04T13:40:54Z | http://arxiv.org/pdf/2308.02323v1 | http://arxiv.org/abs/2308.02323v1 | Joram Meron, Victor Guimarães | 2023-08-04T13:40:54Z | cs.CL | We demonstrate task-oriented dialogue generation within the dataflow dialogue
paradigm. We show an example of agenda driven dialogue generation for the
MultiWOZ domain, and an example of generation without an agenda for the
SMCalFlow domain, where we show an improvement in the accuracy of the
translation of user requests to dataflow expressions when the generated
dialogues are used to augment the translation training dataset. | cs.CL | Dataflow Dialogue Generation |
2023-08-04T12:59:39Z | http://arxiv.org/pdf/2308.02294v1 | http://arxiv.org/abs/2308.02294v1 | Munazza Zaib, Wei Emma Zhang, Quan Z. Sheng, Subhash Sagar, Adnan Mahmood, Yang Zhang | 2023-08-04T12:59:39Z | cs.CL, cs.AI, cs.IR | The increasing demand for the web-based digital assistants has given a rapid
rise in the interest of the Information Retrieval (IR) community towards the
field of conversational question answering (ConvQA). However, one of the
critical aspects of ConvQA is the effective selection of conversational history
turns to answer the question at hand. The dependency between relevant history
selection and correct answer prediction is an intriguing but under-explored
area. The selected relevant context can better guide the system so as to where
exactly in the passage to look for an answer. Irrelevant context, on the other
hand, brings noise to the system, thereby resulting in a decline in the model's
performance. In this paper, we propose a framework, DHS-ConvQA (Dynamic History
Selection in Conversational Question Answering), that first generates the
context and question entities for all the history turns, which are then pruned
on the basis of similarity they share in common with the question at hand. We
also propose an attention-based mechanism to re-rank the pruned terms based on
their calculated weights of how useful they are in answering the question. In
the end, we further aid the model by highlighting the terms in the re-ranked
conversational history using a binary classification task and keeping the
useful terms (predicted as 1) and ignoring the irrelevant terms (predicted as
0). We demonstrate the efficacy of our proposed framework with extensive
experimental results on CANARD and QuAC -- the two popularly utilized datasets
in ConvQA. We demonstrate that selecting relevant turns works better than
rewriting the original question. We also investigate how adding the irrelevant
history turns negatively impacts the model's performance and discuss the
research challenges that demand more attention from the IR community. | cs.CL | Learning to Select the Relevant History Turns in Conversational Question Answering |
2023-08-04T11:47:19Z | http://arxiv.org/pdf/2308.02270v1 | http://arxiv.org/abs/2308.02270v1 | Mousumi Akter, Shubhra Kanti Karmaker Santu | 2023-08-04T11:47:19Z | cs.CL | While very popular for evaluating extractive summarization task, the ROUGE
metric has long been criticized for its lack of semantic awareness and its
ignorance about the ranking quality of the summarizer. Thanks to previous
research that has addressed these issues by proposing a gain-based automated
metric called Sem-nCG, which is both rank and semantic aware. However, Sem-nCG
does not consider the amount of redundancy present in a model-generated summary
and currently does not support evaluation with multiple reference summaries.
Unfortunately, addressing both these limitations simultaneously is not trivial.
Therefore, in this paper, we propose a redundancy-aware Sem-nCG metric and
demonstrate how this new metric can be used to evaluate model summaries against
multiple references. We also explore different ways of incorporating redundancy
into the original metric through extensive experiments. Experimental results
demonstrate that the new redundancy-aware metric exhibits a higher correlation
with human judgments than the original Sem-nCG metric for both single and
multiple reference scenarios. | cs.CL | Redundancy Aware Multi-Reference Based Gainwise Evaluation of Extractive Summarization |
2023-08-04T11:39:29Z | http://arxiv.org/pdf/2308.02263v1 | http://arxiv.org/abs/2308.02263v1 | Jinyu Long, Jetic Gū, Binhao Bai, Zhibo Yang, Ping Wei, Junli Li | 2023-08-04T11:39:29Z | cs.SD, cs.CL, eess.AS | Speech enhancement is a demanding task in automated speech processing
pipelines, focusing on separating clean speech from noisy channels. Transformer
based models have recently bested RNN and CNN models in speech enhancement,
however at the same time they are much more computationally expensive and
require much more high quality training data, which is always hard to come by.
In this paper, we present an improvement for speech enhancement models that
maintains the expressiveness of self-attention while significantly reducing
model complexity, which we have termed Spectrum Attention Fusion. We carefully
construct a convolutional module to replace several self-attention layers in a
speech Transformer, allowing the model to more efficiently fuse spectral
features. Our proposed model is able to achieve comparable or better results
against SOTA models but with significantly smaller parameters (0.58M) on the
Voice Bank + DEMAND dataset. | cs.SD | Efficient Monaural Speech Enhancement using Spectrum Attention Fusion |
2023-08-04T10:21:35Z | http://arxiv.org/pdf/2308.02234v1 | http://arxiv.org/abs/2308.02234v1 | Kasun Wickramasinghe, Nisansa de Silva | 2023-08-04T10:21:35Z | cs.CL | Parallel datasets are vital for performing and evaluating any kind of
multilingual task. However, in the cases where one of the considered language
pairs is a low-resource language, the existing top-down parallel data such as
corpora are lacking in both tally and quality due to the dearth of human
annotation. Therefore, for low-resource languages, it is more feasible to move
in the bottom-up direction where finer granular pairs such as dictionary
datasets are developed first. They may then be used for mid-level tasks such as
supervised multilingual word embedding alignment. These in turn can later guide
higher-level tasks in the order of aligning sentence or paragraph text corpora
used for Machine Translation (MT). Even though more approachable than
generating and aligning a massive corpus for a low-resource language, for the
same reason of apathy from larger research entities, even these finer granular
data sets are lacking for some low-resource languages. We have observed that
there is no free and open dictionary data set for the low-resource language,
Sinhala. Thus, in this work, we introduce three parallel English-Sinhala word
dictionaries (En-Si-dict-large, En-Si-dict-filtered, En-Si-dict-FastText) which
help in multilingual Natural Language Processing (NLP) tasks related to English
and Sinhala languages. In this paper, we explain the dataset creation pipeline
as well as the experimental results of the tests we have carried out to verify
the quality of the data sets. The data sets and the related scripts are
available at https://github.com/kasunw22/sinhala-para-dict. | cs.CL | Sinhala-English Parallel Word Dictionary Dataset |
2023-08-04T09:43:37Z | http://arxiv.org/pdf/2308.02226v1 | http://arxiv.org/abs/2308.02226v1 | Alison Chi, Li-Kuang Chen, Yi-Chen Chang, Shu-Hui Lee, Jason S. Chang | 2023-08-04T09:43:37Z | cs.CL | While sentence simplification is an active research topic in NLP, its
adjacent tasks of sentence complexification and same-level paraphrasing are
not. To train models on all three tasks, we present two new unsupervised
datasets. We compare these datasets, one labeled by a weak classifier and the
other by a rule-based approach, with a single supervised dataset. Using these
three datasets for training, we perform extensive experiments on both
multitasking and prompting strategies. Compared to other systems trained on
unsupervised parallel data, models trained on our weak classifier labeled
dataset achieve state-of-the-art performance on the ASSET simplification
benchmark. Our models also outperform previous work on sentence level
targeting. Finally, we establish how a handful of Large Language Models perform
on these tasks under a zero-shot setting. | cs.CL | Learning to Paraphrase Sentences to Different Complexity Levels |
2023-08-04T09:35:45Z | http://arxiv.org/pdf/2308.02223v1 | http://arxiv.org/abs/2308.02223v1 | Chenglong Wang, Hang Zhou, Yimin Hu, Yifu Huo, Bei Li, Tongran Liu, Tong Xiao, Jingbo Zhu | 2023-08-04T09:35:45Z | cs.CL | Applying Reinforcement Learning (RL) to sequence generation models enables
the direct optimization of long-term rewards (\textit{e.g.,} BLEU and human
feedback), but typically requires large-scale sampling over a space of action
sequences. This is a computational challenge as presented by the practice of
sequence generation problems, such as machine translation, where we often deal
with a large action space (\textit{e.g.,} a vocabulary) and a long action
sequence (\textit{e.g.,} a translation). In this work, we introduce two-stage
sampling and dynamic sampling approaches to improve the sampling efficiency
during training sequence generation models via RL. We experiment with our
approaches on the traditional sequence generation tasks, including machine
translation and abstractive summarization. Furthermore, we evaluate our
approaches in RL from human feedback (RLHF) through training a large language
model using the reward model. Experimental results show that the efficient
sampling-based RL, referred to as ESRL, can outperform all baselines in terms
of both training efficiency and memory consumption. Notably, ESRL yields
consistent performance gains over the strong REINFORCE, minimum risk training,
and proximal policy optimization methods. | cs.CL | ESRL: Efficient Sampling-based Reinforcement Learning for Sequence Generation |
2023-08-04T08:33:07Z | http://arxiv.org/pdf/2308.02199v1 | http://arxiv.org/abs/2308.02199v1 | Guillem García Subies, Álvaro Barbero Jiménez, Paloma Martínez Fernández | 2023-08-04T08:33:07Z | cs.CL, cs.AI, cs.LG | This survey focuses in encoder Language Models for solving tasks in the
clinical domain in the Spanish language. We review the contributions of 17
corpora focused mainly in clinical tasks, then list the most relevant Spanish
Language Models and Spanish Clinical Language models. We perform a thorough
comparison of these models by benchmarking them over a curated subset of the
available corpora, in order to find the best-performing ones; in total more
than 3000 models were fine-tuned for this study. All the tested corpora and the
best models are made publically available in an accessible way, so that the
results can be reproduced by independent teams or challenged in the future when
new Spanish Clinical Language models are created. | cs.CL | A Survey of Spanish Clinical Language Models |
2023-08-04T08:17:52Z | http://arxiv.org/pdf/2308.02193v1 | http://arxiv.org/abs/2308.02193v1 | Lars Klöser, Andre Büsgen, Philipp Kohl, Bodo Kraft, Albert Zündorf | 2023-08-04T08:17:52Z | cs.CL, cs.AI, I.2.7 | In recent years, the development of large pretrained language models, such as
BERT and GPT, significantly improved information extraction systems on various
tasks, including relation classification. State-of-the-art systems are highly
accurate on scientific benchmarks. A lack of explainability is currently a
complicating factor in many real-world applications. Comprehensible systems are
necessary to prevent biased, counterintuitive, or harmful decisions.
We introduce semantic extents, a concept to analyze decision patterns for the
relation classification task. Semantic extents are the most influential parts
of texts concerning classification decisions. Our definition allows similar
procedures to determine semantic extents for humans and models. We provide an
annotation tool and a software framework to determine semantic extents for
humans and models conveniently and reproducibly. Comparing both reveals that
models tend to learn shortcut patterns from data. These patterns are hard to
detect with current interpretability methods, such as input reductions. Our
approach can help detect and eliminate spurious decision patterns during model
development. Semantic extents can increase the reliability and security of
natural language processing systems. Semantic extents are an essential step in
enabling applications in critical areas like healthcare or finance. Moreover,
our work opens new research directions for developing methods to explain deep
learning models. | cs.CL | Explaining Relation Classification Models with Semantic Extents |
2023-08-04T08:15:17Z | http://arxiv.org/pdf/2308.02190v1 | http://arxiv.org/abs/2308.02190v1 | Jiaxin Ye, Yujie Wei, Xin-Cheng Wen, Chenglong Ma, Zhizhong Huang, Kunhong Liu, Hongming Shan | 2023-08-04T08:15:17Z | cs.SD, cs.CL, eess.AS | Cross-corpus speech emotion recognition (SER) seeks to generalize the ability
of inferring speech emotion from a well-labeled corpus to an unlabeled one,
which is a rather challenging task due to the significant discrepancy between
two corpora. Existing methods, typically based on unsupervised domain
adaptation (UDA), struggle to learn corpus-invariant features by global
distribution alignment, but unfortunately, the resulting features are mixed
with corpus-specific features or not class-discriminative. To tackle these
challenges, we propose a novel Emotion Decoupling aNd Alignment learning
framework (EMO-DNA) for cross-corpus SER, a novel UDA method to learn
emotion-relevant corpus-invariant features. The novelties of EMO-DNA are
two-fold: contrastive emotion decoupling and dual-level emotion alignment. On
one hand, our contrastive emotion decoupling achieves decoupling learning via a
contrastive decoupling loss to strengthen the separability of emotion-relevant
features from corpus-specific ones. On the other hand, our dual-level emotion
alignment introduces an adaptive threshold pseudo-labeling to select confident
target samples for class-level alignment, and performs corpus-level alignment
to jointly guide model for learning class-discriminative corpus-invariant
features across corpora. Extensive experimental results demonstrate the
superior performance of EMO-DNA over the state-of-the-art methods in several
cross-corpus scenarios. Source code is available at
https://github.com/Jiaxin-Ye/Emo-DNA. | cs.SD | Emo-DNA: Emotion Decoupling and Alignment Learning for Cross-Corpus Speech Emotion Recognition |
2023-08-04T07:58:48Z | http://arxiv.org/pdf/2308.02185v1 | http://arxiv.org/abs/2308.02185v1 | Răzvan-Alexandru Smădu, Sebastian-Vasile Echim, Dumitru-Clementin Cercel, Iuliana Marin, Florin Pop | 2023-08-04T07:58:48Z | cs.CL | Unsupervised Domain Adaptation (UDA) is a popular technique that aims to
reduce the domain shift between two data distributions. It was successfully
applied in computer vision and natural language processing. In the current
work, we explore the effects of various unsupervised domain adaptation
techniques between two text classification tasks: fake and hyperpartisan news
detection. We investigate the knowledge transfer from fake to hyperpartisan
news detection without involving target labels during training. Thus, we
evaluate UDA, cluster alignment with a teacher, and cross-domain contrastive
learning. Extensive experiments show that these techniques improve performance,
while including data augmentation further enhances the results. In addition, we
combine clustering and topic modeling algorithms with UDA, resulting in
improved performances compared to the initial UDA setup. | cs.CL | From Fake to Hyperpartisan News Detection Using Domain Adaptation |
2023-08-04T07:51:15Z | http://arxiv.org/pdf/2308.02180v3 | http://arxiv.org/abs/2308.02180v3 | Cliff Wong, Sheng Zhang, Yu Gu, Christine Moung, Jacob Abel, Naoto Usuyama, Roshanthi Weerasinghe, Brian Piening, Tristan Naumann, Carlo Bifulco, Hoifung Poon | 2023-08-18T20:05:45Z | cs.CL, cs.LG | Clinical trial matching is a key process in health delivery and discovery. In
practice, it is plagued by overwhelming unstructured data and unscalable manual
processing. In this paper, we conduct a systematic study on scaling clinical
trial matching using large language models (LLMs), with oncology as the focus
area. Our study is grounded in a clinical trial matching system currently in
test deployment at a large U.S. health network. Initial findings are promising:
out of box, cutting-edge LLMs, such as GPT-4, can already structure elaborate
eligibility criteria of clinical trials and extract complex matching logic
(e.g., nested AND/OR/NOT). While still far from perfect, LLMs substantially
outperform prior strong baselines and may serve as a preliminary solution to
help triage patient-trial candidates with humans in the loop. Our study also
reveals a few significant growth areas for applying LLMs to end-to-end clinical
trial matching, such as context limitation and accuracy, especially in
structuring patient information from longitudinal medical records. | cs.CL | Scaling Clinical Trial Matching Using Large Language Models: A Case Study in Oncology |
2023-08-04T07:10:15Z | http://arxiv.org/pdf/2308.02168v1 | http://arxiv.org/abs/2308.02168v1 | Yuhang Wang, Yuxiang Zhang, Dongyuan Lu, Jitao Sang | 2023-08-04T07:10:15Z | cs.CL | Many news comment mining studies are based on the assumption that comment is
explicitly linked to the corresponding news. In this paper, we observed that
users' comments are also heavily influenced by their individual characteristics
embodied by the interaction history. Therefore, we position to understand news
comment behavior by considering both the dispositional factors from news
interaction history, and the situational factors from corresponding news. A
three-part encoder-decoder framework is proposed to model the generative
process of news comment. The resultant dispositional and situational
attribution contributes to understanding user focus and opinions, which are
validated in applications of reader-aware news summarization and news
aspect-opinion forecasting. | cs.CL | You talk what you read: Understanding News Comment Behavior by Dispositional and Situational Attribution |
2023-08-04T06:37:34Z | http://arxiv.org/pdf/2308.02160v1 | http://arxiv.org/abs/2308.02160v1 | Yogesh Virkar, Brian Thompson, Rohit Paturi, Sundararajan Srinivasan, Marcello Federico | 2023-08-04T06:37:34Z | cs.CL, cs.LG | The media localization industry usually requires a verbatim script of the
final film or TV production in order to create subtitles or dubbing scripts in
a foreign language. In particular, the verbatim script (i.e. as-broadcast
script) must be structured into a sequence of dialogue lines each including
time codes, speaker name and transcript. Current speech recognition technology
alleviates the transcription step. However, state-of-the-art speaker
diarization models still fall short on TV shows for two main reasons: (i) their
inability to track a large number of speakers, (ii) their low accuracy in
detecting frequent speaker changes. To mitigate this problem, we present a
novel approach to leverage production scripts used during the shooting process,
to extract pseudo-labeled data for the speaker diarization task. We propose a
novel semi-supervised approach and demonstrate improvements of 51.7% relative
to two unsupervised baseline models on our metrics on a 66 show test set. | cs.CL | Speaker Diarization of Scripted Audiovisual Content |
2023-08-04T06:20:42Z | http://arxiv.org/pdf/2308.04517v1 | http://arxiv.org/abs/2308.04517v1 | Samiul Islam, Md. Maksudul Haque, Abu Jobayer Md. Sadat | 2023-08-04T06:20:42Z | cs.SD, cs.CL, eess.AS | Traditional approaches in speech emotion recognition, such as LSTM, CNN, RNN,
SVM, and MLP, have limitations such as difficulty capturing long-term
dependencies in sequential data, capturing the temporal dynamics, and
struggling to capture complex patterns and relationships in multimodal data.
This research addresses these shortcomings by proposing an ensemble model that
combines Graph Convolutional Networks (GCN) for processing textual data and the
HuBERT transformer for analyzing audio signals. We found that GCNs excel at
capturing Long-term contextual dependencies and relationships within textual
data by leveraging graph-based representations of text and thus detecting the
contextual meaning and semantic relationships between words. On the other hand,
HuBERT utilizes self-attention mechanisms to capture long-range dependencies,
enabling the modeling of temporal dynamics present in speech and capturing
subtle nuances and variations that contribute to emotion recognition. By
combining GCN and HuBERT, our ensemble model can leverage the strengths of both
approaches. This allows for the simultaneous analysis of multimodal data, and
the fusion of these modalities enables the extraction of complementary
information, enhancing the discriminative power of the emotion recognition
system. The results indicate that the combined model can overcome the
limitations of traditional methods, leading to enhanced accuracy in recognizing
emotions from speech. | cs.SD | Capturing Spectral and Long-term Contextual Information for Speech Emotion Recognition Using Deep Learning Techniques |
2023-08-04T06:14:23Z | http://arxiv.org/pdf/2308.02151v3 | http://arxiv.org/abs/2308.02151v3 | Weiran Yao, Shelby Heinecke, Juan Carlos Niebles, Zhiwei Liu, Yihao Feng, Le Xue, Rithesh Murthy, Zeyuan Chen, Jianguo Zhang, Devansh Arpit, Ran Xu, Phil Mui, Huan Wang, Caiming Xiong, Silvio Savarese | 2024-05-05T05:04:49Z | cs.CL, cs.AI | Recent months have seen the emergence of a powerful new trend in which large
language models (LLMs) are augmented to become autonomous language agents
capable of performing objective oriented multi-step tasks on their own, rather
than merely responding to queries from human users. Most existing language
agents, however, are not optimized using environment-specific rewards. Although
some agents enable iterative refinement through verbal feedback, they do not
reason and plan in ways that are compatible with gradient-based learning from
rewards. This paper introduces a principled framework for reinforcing large
language agents by learning a retrospective model, which automatically tunes
the language agent prompts from environment feedback through policy gradient.
Specifically, our proposed agent architecture learns from rewards across
multiple environments and tasks, for fine-tuning a pre-trained language model
which refines the language agent prompt by summarizing the root cause of prior
failed attempts and proposing action plans. Experimental results on various
tasks demonstrate that the language agents improve over time and that our
approach considerably outperforms baselines that do not properly leverage
gradients from the environment. This demonstrates that using policy gradient
optimization to improve language agents, for which we believe our work is one
of the first, seems promising and can be applied to optimize other models in
the agent architecture to enhance agent performances over time. | cs.CL | Retroformer: Retrospective Large Language Agents with Policy Gradient Optimization |
2023-08-04T05:39:26Z | http://arxiv.org/pdf/2308.02142v1 | http://arxiv.org/abs/2308.02142v1 | Daniel Loureiro, Kiamehr Rezaee, Talayeh Riahi, Francesco Barbieri, Leonardo Neves, Luis Espinosa Anke, Jose Camacho-Collados | 2023-08-04T05:39:26Z | cs.CL, cs.SI | This paper introduces a large collection of time series data derived from
Twitter, postprocessed using word embedding techniques, as well as specialized
fine-tuned language models. This data comprises the past five years and
captures changes in n-gram frequency, similarity, sentiment and topic
distribution. The interface built on top of this data enables temporal analysis
for detecting and characterizing shifts in meaning, including complementary
information to trending metrics, such as sentiment and topic association over
time. We release an online demo for easy experimentation, and we share code and
the underlying aggregated data for future work. In this paper, we also discuss
three case studies unlocked thanks to our platform, showcasing its potential
for temporal linguistic analysis. | cs.CL | Tweet Insights: A Visualization Platform to Extract Temporal Insights from Twitter |
2023-08-04T03:48:28Z | http://arxiv.org/pdf/2308.02122v2 | http://arxiv.org/abs/2308.02122v2 | Lu Yan, Zhuo Zhang, Guanhong Tao, Kaiyuan Zhang, Xuan Chen, Guangyu Shen, Xiangyu Zhang | 2023-10-27T04:51:56Z | cs.CR, cs.CL | Backdoor attacks have emerged as a prominent threat to natural language
processing (NLP) models, where the presence of specific triggers in the input
can lead poisoned models to misclassify these inputs to predetermined target
classes. Current detection mechanisms are limited by their inability to address
more covert backdoor strategies, such as style-based attacks. In this work, we
propose an innovative test-time poisoned sample detection framework that hinges
on the interpretability of model predictions, grounded in the semantic meaning
of inputs. We contend that triggers (e.g., infrequent words) are not supposed
to fundamentally alter the underlying semantic meanings of poisoned samples as
they want to stay stealthy. Based on this observation, we hypothesize that
while the model's predictions for paraphrased clean samples should remain
stable, predictions for poisoned samples should revert to their true labels
upon the mutations applied to triggers during the paraphrasing process. We
employ ChatGPT, a state-of-the-art large language model, as our paraphraser and
formulate the trigger-removal task as a prompt engineering problem. We adopt
fuzzing, a technique commonly used for unearthing software vulnerabilities, to
discover optimal paraphrase prompts that can effectively eliminate triggers
while concurrently maintaining input semantics. Experiments on 4 types of
backdoor attacks, including the subtle style backdoors, and 4 distinct datasets
demonstrate that our approach surpasses baseline methods, including STRIP, RAP,
and ONION, in precision and recall. | cs.CR | ParaFuzz: An Interpretability-Driven Technique for Detecting Poisoned Samples in NLP |
2023-08-04T02:20:56Z | http://arxiv.org/pdf/2308.02113v1 | http://arxiv.org/abs/2308.02113v1 | Qi Chen, Dexi Liu | 2023-08-04T02:20:56Z | cs.CL | Aspect-Opinion Pair Extraction (AOPE) from Chinese financial texts is a
specialized task in fine-grained text sentiment analysis. The main objective is
to extract aspect terms and opinion terms simultaneously from a diverse range
of financial texts. Previous studies have mainly focused on developing grid
annotation schemes within grid-based models to facilitate this extraction
process. However, these methods often rely on character-level (token-level)
feature encoding, which may overlook the logical relationships between Chinese
characters within words. To address this limitation, we propose a novel method
called Graph-based Character-level Grid Tagging Scheme (GCGTS). The GCGTS
method explicitly incorporates syntactic structure using Graph Convolutional
Networks (GCN) and unifies the encoding of characters within the same syntactic
semantic unit (Chinese word level). Additionally, we introduce an image
convolutional structure into the grid model to better capture the local
relationships between characters within evaluation units. This innovative
structure reduces the excessive reliance on pre-trained language models and
emphasizes the modeling of structure and local relationships, thereby improving
the performance of the model on Chinese financial texts. Through comparative
experiments with advanced models such as Synchronous Double-channel Recurrent
Network (SDRN) and Grid Tagging Scheme (GTS), the proposed GCGTS model
demonstrates significant improvements in performance. | cs.CL | Chinese Financial Text Emotion Mining: GCGTS -- A Character Relationship-based Approach for Simultaneous Aspect-Opinion Pair Extraction |
2023-08-04T01:34:46Z | http://arxiv.org/pdf/2308.02103v1 | http://arxiv.org/abs/2308.02103v1 | Shiyao Cui, Xin Cong, Jiawei Sheng, Xuebin Wang, Tingwen Liu, Jinqiao Shi | 2023-08-04T01:34:46Z | cs.CL | Script Event Prediction (SEP) aims to predict the subsequent event for a
given event chain from a candidate list. Prior research has achieved great
success by integrating external knowledge to enhance the semantics, but it is
laborious to acquisite the appropriate knowledge resources and retrieve the
script-related knowledge. In this paper, we regard public pre-trained language
models as knowledge bases and automatically mine the script-related knowledge
via prompt-learning. Still, the scenario-diversity and label-ambiguity in
scripts make it uncertain to construct the most functional prompt and label
token in prompt learning, i.e., prompt-uncertainty and verbalizer-uncertainty.
Considering the innate ability of Gaussian distribution to express uncertainty,
we deploy the prompt tokens and label tokens as random variables following
Gaussian distributions, where a prompt estimator and a verbalizer estimator are
proposed to estimate their probabilistic representations instead of
deterministic representations. We take the lead to explore prompt-learning in
SEP and provide a fresh perspective to enrich the script semantics. Our method
is evaluated on the most widely used benchmark and a newly proposed large-scale
one. Experiments show that our method, which benefits from knowledge evoked
from pre-trained language models, outperforms prior baselines by 1.46\% and
1.05\% on two benchmarks, respectively. | cs.CL | Prompt2Gaussia: Uncertain Prompt-learning for Script Event Prediction |
2023-08-04T00:23:14Z | http://arxiv.org/pdf/2308.02092v1 | http://arxiv.org/abs/2308.02092v1 | Wang Yau Li, Shreekantha Nadig, Karol Chang, Zafarullah Mahmood, Riqiang Wang, Simon Vandieken, Jonas Robertson, Fred Mailhot | 2023-08-04T00:23:14Z | cs.CL, cs.AI, cs.SD, eess.AS | Accurate transcription of proper names and technical terms is particularly
important in speech-to-text applications for business conversations. These
words, which are essential to understanding the conversation, are often rare
and therefore likely to be under-represented in text and audio training data,
creating a significant challenge in this domain. We present a two-step keyword
boosting mechanism that successfully works on normalized unigrams and n-grams
rather than just single tokens, which eliminates missing hits issues with
boosting raw targets. In addition, we show how adjusting the boosting weight
logic avoids over-boosting multi-token keywords. This improves our keyword
recognition rate by 26% relative on our proprietary in-domain dataset and 2% on
LibriSpeech. This method is particularly useful on targets that involve
non-alphabetic characters or have non-standard pronunciations. | cs.CL | N-gram Boosting: Improving Contextual Biasing with Normalized N-gram Targets |
2023-08-03T23:39:03Z | http://arxiv.org/pdf/2308.02080v3 | http://arxiv.org/abs/2308.02080v3 | Paras Sheth, Tharindu Kumarage, Raha Moraffah, Aman Chadha, Huan Liu | 2023-12-10T16:28:45Z | cs.CL, cs.LG | Social media platforms, despite their value in promoting open discourse, are
often exploited to spread harmful content. Current deep learning and natural
language processing models used for detecting this harmful content overly rely
on domain-specific terms affecting their capabilities to adapt to generalizable
hate speech detection. This is because they tend to focus too narrowly on
particular linguistic signals or the use of certain categories of words.
Another significant challenge arises when platforms lack high-quality annotated
data for training, leading to a need for cross-platform models that can adapt
to different distribution shifts. Our research introduces a cross-platform hate
speech detection model capable of being trained on one platform's data and
generalizing to multiple unseen platforms. To achieve good generalizability
across platforms, one way is to disentangle the input representations into
invariant and platform-dependent features. We also argue that learning causal
relationships, which remain constant across diverse environments, can
significantly aid in understanding invariant representations in hate speech. By
disentangling input into platform-dependent features (useful for predicting
hate targets) and platform-independent features (used to predict the presence
of hate), we learn invariant representations resistant to distribution shifts.
These features are then used to predict hate speech across unseen platforms.
Our extensive experiments across four platforms highlight our model's enhanced
efficacy compared to existing state-of-the-art methods in detecting generalized
hate speech. | cs.CL | Causality Guided Disentanglement for Cross-Platform Hate Speech Detection |
2023-08-03T21:14:25Z | http://arxiv.org/pdf/2308.02055v1 | http://arxiv.org/abs/2308.02055v1 | Prateek Verma, Shan Zhong, Xiaoyu Liu, Adithya Rajan | 2023-08-03T21:14:25Z | cs.IR, cs.CL, cs.LG | Query autocomplete (QAC) also known as typeahead, suggests list of complete
queries as user types prefix in the search box. It is one of the key features
of modern search engines specially in e-commerce. One of the goals of typeahead
is to suggest relevant queries to users which are seasonally important. In this
paper we propose a neural network based natural language processing (NLP)
algorithm to incorporate seasonality as a signal and present end to end
evaluation of the QAC ranking model. Incorporating seasonality into
autocomplete ranking model can improve autocomplete relevance and business
metric. | cs.IR | Seasonality Based Reranking of E-commerce Autocomplete Using Natural Language Queries |
2023-08-03T21:12:54Z | http://arxiv.org/pdf/2308.02053v2 | http://arxiv.org/abs/2308.02053v2 | Abel Salinas, Parth Vipul Shah, Yuzhong Huang, Robert McCormack, Fred Morstatter | 2024-01-09T07:45:37Z | cs.CL, cs.AI, cs.CY | Large Language Models (LLMs) have seen widespread deployment in various
real-world applications. Understanding these biases is crucial to comprehend
the potential downstream consequences when using LLMs to make decisions,
particularly for historically disadvantaged groups. In this work, we propose a
simple method for analyzing and comparing demographic bias in LLMs, through the
lens of job recommendations. We demonstrate the effectiveness of our method by
measuring intersectional biases within ChatGPT and LLaMA, two cutting-edge
LLMs. Our experiments primarily focus on uncovering gender identity and
nationality bias; however, our method can be extended to examine biases
associated with any intersection of demographic identities. We identify
distinct biases in both models toward various demographic identities, such as
both models consistently suggesting low-paying jobs for Mexican workers or
preferring to recommend secretarial roles to women. Our study highlights the
importance of measuring the bias of LLMs in downstream applications to
understand the potential for harm and inequitable outcomes. | cs.CL | The Unequal Opportunities of Large Language Models: Revealing Demographic Bias through Job Recommendations |
2023-08-03T20:29:27Z | http://arxiv.org/pdf/2308.02022v2 | http://arxiv.org/abs/2308.02022v2 | Mahammed Kamruzzaman, Gene Louis Kim | 2024-04-18T17:06:17Z | cs.CL | While reaching for NLP systems that maximize accuracy, other important
metrics of system performance are often overlooked. Prior models are easily
forgotten despite their possible suitability in settings where large computing
resources are unavailable or relatively more costly. In this paper, we perform
a broad comparative evaluation of document-level sentiment analysis models with
a focus on resource costs that are important for the feasibility of model
deployment and general climate consciousness. Our experiments consider
different feature extraction techniques, the effect of ensembling,
task-specific deep learning modeling, and domain-independent large language
models (LLMs). We find that while a fine-tuned LLM achieves the best accuracy,
some alternate configurations provide huge (up to 24, 283 *) resource savings
for a marginal (<1%) loss in accuracy. Furthermore, we find that for smaller
datasets, the differences in accuracy shrink while the difference in resource
consumption grows further. | cs.CL | Efficient Sentiment Analysis: A Resource-Aware Evaluation of Feature Extraction Techniques, Ensembling, and Deep Learning Models |
2023-08-03T20:20:01Z | http://arxiv.org/pdf/2308.02019v2 | http://arxiv.org/abs/2308.02019v2 | Inar Timiryasov, Jean-Loup Tastet | 2023-10-24T17:58:42Z | cs.CL, I.2.7 | We present our submission to the BabyLM challenge, whose goal was to improve
the sample efficiency of language models. We trained an ensemble consisting of
a GPT-2 and small LLaMA models on the developmentally-plausible, 10M-word
BabyLM dataset, then distilled it into a small, 58M-parameter LLaMA model,
which exceeds in performance both of its teachers as well as a similar model
trained without distillation. This suggests that distillation can not only
retain the full performance of the teacher model when the latter is trained on
a sufficiently small dataset; it can exceed it, and lead to significantly
better performance than direct training. | cs.CL | Baby Llama: knowledge distillation from an ensemble of teachers trained on a small dataset with no performance penalty |
2023-08-03T20:08:23Z | http://arxiv.org/pdf/2308.02013v2 | http://arxiv.org/abs/2308.02013v2 | Guruprasad V Ramesh, Gopinath Chennupati, Milind Rao, Anit Kumar Sahu, Ariya Rastrow, Jasha Droppo | 2023-08-07T21:34:44Z | cs.SD, cs.CL, cs.LG, eess.AS | Federated Learning (FL) is a privacy-preserving paradigm, allowing edge
devices to learn collaboratively without sharing data. Edge devices like Alexa
and Siri are prospective sources of unlabeled audio data that can be tapped to
learn robust audio representations. In this work, we bring Self-supervised
Learning (SSL) and FL together to learn representations for Automatic Speech
Recognition respecting data privacy constraints. We use the speaker and chapter
information in the unlabeled speech dataset, Libri-Light, to simulate non-IID
speaker-siloed data distributions and pre-train an LSTM encoder with the
Contrastive Predictive Coding framework with FedSGD. We show that the
pre-trained ASR encoder in FL performs as well as a centrally pre-trained model
and produces an improvement of 12-15% (WER) compared to no pre-training. We
further adapt the federated pre-trained models to a new language, French, and
show a 20% (WER) improvement over no pre-training. | cs.SD | Federated Representation Learning for Automatic Speech Recognition |
2023-08-03T18:49:45Z | http://arxiv.org/pdf/2308.01987v3 | http://arxiv.org/abs/2308.01987v3 | G. M. Shahariar, Md. Tanvir Rouf Shawon, Faisal Muhammad Shah, Mohammad Shafiul Alam, Md. Shahriar Mahbub | 2024-05-04T08:51:21Z | cs.CL | The proliferation of fake reviews on various online platforms has created a
major concern for both consumers and businesses. Such reviews can deceive
customers and cause damage to the reputation of products or services, making it
crucial to identify them. Although the detection of fake reviews has been
extensively studied in English language, detecting fake reviews in non-English
languages such as Bengali is still a relatively unexplored research area. This
paper introduces the Bengali Fake Review Detection (BFRD) dataset, the first
publicly available dataset for identifying fake reviews in Bengali. The dataset
consists of 7710 non-fake and 1339 fake food-related reviews collected from
social media posts. To convert non-Bengali words in a review, a unique pipeline
has been proposed that translates English words to their corresponding Bengali
meaning and also back transliterates Romanized Bengali to Bengali. We have
conducted rigorous experimentation using multiple deep learning and pre-trained
transformer language models to develop a reliable detection system. Finally, we
propose a weighted ensemble model that combines four pre-trained transformers:
BanglaBERT, BanglaBERT Base, BanglaBERT Large, and BanglaBERT Generator .
According to the experiment results, the proposed ensemble model obtained a
weighted F1-score of 0.9843 on 13390 reviews, including 1339 actual fake
reviews and 5356 augmented fake reviews generated with the nlpaug library. The
remaining 6695 reviews were randomly selected from the 7710 non-fake instances.
The model achieved a 0.9558 weighted F1-score when the fake reviews were
augmented using the bnaug library. | cs.CL | Bengali Fake Reviews: A Benchmark Dataset and Detection System |
2023-08-03T18:11:00Z | http://arxiv.org/pdf/2308.01976v1 | http://arxiv.org/abs/2308.01976v1 | Dayananda Ubrangala, Juhi Sharma, Ravi Prasad Kondapalli, Kiran R, Amit Agarwala, Laurent Boué | 2023-08-03T18:11:00Z | cs.LG, cs.AI, cs.CL, cs.IR | Typographical errors are a major source of frustration for visitors of online
marketplaces. Because of the domain-specific nature of these marketplaces and
the very short queries users tend to search for, traditional spell cheking
solutions do not perform well in correcting typos. We present a data
augmentation method to address the lack of annotated typo data and train a
recurrent neural network to learn context-limited domain-specific embeddings.
Those embeddings are deployed in a real-time inferencing API for the Microsoft
AppSource marketplace to find the closest match between a misspelled user query
and the available product names. Our data efficient solution shows that
controlled high quality synthetic data may be a powerful tool especially
considering the current climate of large language models which rely on
prohibitively huge and often uncontrolled datasets. | cs.LG | Domain specificity and data efficiency in typo tolerant spell checkers: the case of search in online marketplaces |
2023-08-03T17:59:27Z | http://arxiv.org/pdf/2308.01906v1 | http://arxiv.org/abs/2308.01906v1 | Vedant Gaur, Nikunj Saunshi | 2023-08-03T17:59:27Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) have revolutionized NLP by solving downstream
tasks with little to no labeled data. Despite their versatile abilities, the
larger question of their ability to reason remains ill-understood. This paper
addresses reasoning in math word problems (MWPs) by studying symbolic versions
of the numeric problems, since a symbolic expression is a "concise explanation"
of the numeric answer. We create and use a symbolic version of the SVAMP
dataset and find that GPT-3's davinci-002 model also has good zero-shot
accuracy on symbolic MWPs. To evaluate the faithfulness of the model's
reasoning, we go beyond accuracy and additionally evaluate the alignment
between the final answer and the outputted reasoning, which correspond to
numeric and symbolic answers respectively for MWPs. We explore a self-prompting
approach to encourage the symbolic reasoning to align with the numeric answer,
thus equipping the LLM with the ability to provide a concise and verifiable
reasoning and making it more interpretable. Surprisingly, self-prompting also
improves the symbolic accuracy to be higher than both the numeric and symbolic
accuracies, thus providing an ensembling effect. The SVAMP_Sym dataset will be
released for future research on symbolic math problems. | cs.CL | Reasoning in Large Language Models Through Symbolic Math Word Problems |
2023-08-03T17:56:16Z | http://arxiv.org/pdf/2308.01899v1 | http://arxiv.org/abs/2308.01899v1 | Jialiang Lin, Yao Yu, Yu Zhou, Zhiyang Zhou, Xiaodong Shi | 2023-08-03T17:56:16Z | cs.DL, cs.AI, cs.CL, cs.LG | Preprints play an increasingly critical role in academic communities. There
are many reasons driving researchers to post their manuscripts to preprint
servers before formal submission to journals or conferences, but the use of
preprints has also sparked considerable controversy, especially surrounding the
claim of priority. In this paper, a case study of computer science preprints
submitted to arXiv from 2008 to 2017 is conducted to quantify how many
preprints have eventually been printed in peer-reviewed venues. Among those
published manuscripts, some are published under different titles and without an
update to their preprints on arXiv. In the case of these manuscripts, the
traditional fuzzy matching method is incapable of mapping the preprint to the
final published version. In view of this issue, we introduce a semantics-based
mapping method with the employment of Bidirectional Encoder Representations
from Transformers (BERT). With this new mapping method and a plurality of data
sources, we find that 66% of all sampled preprints are published under
unchanged titles and 11% are published under different titles and with other
modifications. A further analysis was then performed to investigate why these
preprints but not others were accepted for publication. Our comparison reveals
that in the field of computer science, published preprints feature adequate
revisions, multiple authorship, detailed abstract and introduction, extensive
and authoritative references and available source code. | cs.DL | How many preprints have actually been printed and why: a case study of computer science preprints on arXiv |
2023-08-03T17:30:39Z | http://arxiv.org/pdf/2308.01887v1 | http://arxiv.org/abs/2308.01887v1 | Omkar Patil, Lena Reed, Kevin K. Bowden, Juraj Juraska, Wen Cui, Vrindavan Harrison, Rishi Rajasekaran, Angela Ramirez, Cecilia Li, Eduardo Zamora, Phillip Lee, Jeshwanth Bheemanpally, Rohan Pandey, Adwait Ratnaparkhi, Marilyn Walker | 2023-08-03T17:30:39Z | cs.CL | Conversational agents are consistently growing in popularity and many people
interact with them every day. While many conversational agents act as personal
assistants, they can have many different goals. Some are task-oriented, such as
providing customer support for a bank or making a reservation. Others are
designed to be empathetic and to form emotional connections with the user. The
Alexa Prize Challenge aims to create a socialbot, which allows the user to
engage in coherent conversations, on a range of popular topics that will
interest the user. Here we describe Athena 2.0, UCSC's conversational agent for
Amazon's Socialbot Grand Challenge 4. Athena 2.0 utilizes a novel
knowledge-grounded discourse model that tracks the entity links that Athena
introduces into the dialogue, and uses them to constrain named-entity
recognition and linking, and coreference resolution. Athena 2.0 also relies on
a user model to personalize topic selection and other aspects of the
conversation to individual users. | cs.CL | Athena 2.0: Discourse and User Modeling in Open Domain Dialogue |
2023-08-03T16:53:53Z | http://arxiv.org/pdf/2308.01872v1 | http://arxiv.org/abs/2308.01872v1 | Christopher Cui, Xiangyu Peng, Mark Riedl | 2023-08-03T16:53:53Z | cs.AI, cs.CL | Text-adventure games and text role-playing games are grand challenges for
reinforcement learning game playing agents. Text role-playing games are
open-ended environments where an agent must faithfully play a particular
character. We consider the distinction between characters and actors, where an
actor agent has the ability to play multiple characters. We present a framework
we call a thespian agent that can learn to emulate multiple characters along
with a soft prompt that can be used to direct it as to which character to play
at any time. We further describe an attention mechanism that allows the agent
to learn new characters that are based on previously learned characters in a
few-shot fashion. We show that our agent outperforms the state of the art agent
framework in multi-character learning and few-shot learning. | cs.AI | Thespian: Multi-Character Text Role-Playing Game Agents |
2023-08-03T16:39:02Z | http://arxiv.org/pdf/2308.01863v1 | http://arxiv.org/abs/2308.01863v1 | Taha Lokat, Divyam Prajapati, Shubhada Labde | 2023-08-03T16:39:02Z | cs.CL | In the past decade, the amount of research being done in the fields of
machine learning and deep learning, predominantly in the area of natural
language processing (NLP), has risen dramatically. A well-liked method for
developing programming abilities like logic building and problem solving is
competitive programming. It can be tough for novices and even veteran
programmers to traverse the wide collection of questions due to the massive
number of accessible questions and the variety of themes, levels of difficulty,
and questions offered. In order to help programmers find questions that are
appropriate for their knowledge and interests, there is a need for an automated
method. This can be done using automated tagging of the questions using Text
Classification. Text classification is one of the important tasks widely
researched in the field of Natural Language Processing. In this paper, we
present a way to use text classification techniques to determine the domain of
a competitive programming problem. A variety of models, including are
implemented LSTM, GRU, and MLP. The dataset has been scraped from Codeforces, a
major competitive programming website. A total of 2400 problems were scraped
and preprocessed, which we used as a dataset for our training and testing of
models. The maximum accuracy reached using our model is 78.0% by MLP(Multi
Layer Perceptron). | cs.CL | Tag Prediction of Competitive Programming Problems using Deep Learning Techniques |
2023-08-03T16:38:34Z | http://arxiv.org/pdf/2308.01862v1 | http://arxiv.org/abs/2308.01862v1 | Xinghua Zhang, Bowen Yu, Haiyang Yu, Yangyu Lv, Tingwen Liu, Fei Huang, Hongbo Xu, Yongbin Li | 2023-08-03T16:38:34Z | cs.CL | Measuring the quality of responses generated by LLMs is a challenging task,
particularly when it comes to evaluating whether the response is aligned with
human preference. A novel approach involves using the LLM itself to make
evaluation and stabilizing the results through multiple independent
evaluations, similar to a single-layer narrow LLM network. This network
consists of a fixed number of neurons, with each neuron being the same LLM. In
this paper, we draw upon the extensive research on deep neural networks to
explore whether deeper and wider networks can lead to fairer evaluations.
Specifically, inspired by the observation that different neurons in a neural
network are responsible for detecting different concepts, we first adaptively
generate as many neuron roles as possible for each evaluation sample. Each
perspective corresponds to the role of a specific LLM neuron in the first
layer. In subsequent layers, we follow the idea that higher layers in deep
networks are responsible for more comprehensive features, each layer receives
representations from all neurons in the previous layer, integrating the locally
learned evaluation information to obtain a more comprehensive evaluation
result. Interestingly, this network design resembles the process of academic
paper reviewing. To validate the effectiveness of our method, we construct the
largest and most diverse English evaluation benchmark LLMEval$^2$ for LLM
evaluators, comprising 15 tasks, 8 abilities, and 2,553 samples. Experimental
results demonstrate that a wider network (involving many reviewers) with 2
layers (one round of discussion) performs the best, improving kappa correlation
coefficient from 0.28 to 0.34. We also leverage WideDeep to aid in the
assessment of Chinese LLMs, which has accelerated the evaluation time by 4.6
times, resulting in a 60% cost saving. WideDeep achieves a remarkable 93%
agreement level among humans. | cs.CL | Wider and Deeper LLM Networks are Fairer LLM Evaluators |
2023-08-03T16:31:02Z | http://arxiv.org/pdf/2308.01861v2 | http://arxiv.org/abs/2308.01861v2 | Xueying Du, Mingwei Liu, Kaixin Wang, Hanlin Wang, Junwei Liu, Yixuan Chen, Jiayi Feng, Chaofeng Sha, Xin Peng, Yiling Lou | 2023-08-14T09:07:00Z | cs.CL, cs.AI | In this work, we make the first attempt to evaluate LLMs in a more
challenging code generation scenario, i.e. class-level code generation. We
first manually construct the first class-level code generation benchmark
ClassEval of 100 class-level Python code generation tasks with approximately
500 person-hours. Based on it, we then perform the first study of 11
state-of-the-art LLMs on class-level code generation. Based on our results, we
have the following main findings. First, we find that all existing LLMs show
much worse performance on class-level code generation compared to on standalone
method-level code generation benchmarks like HumanEval; and the method-level
coding ability cannot equivalently reflect the class-level coding ability among
LLMs. Second, we find that GPT-4 and GPT-3.5 still exhibit dominate superior
than other LLMs on class-level code generation, and the second-tier models
includes Instruct-Starcoder, Instruct-Codegen, and Wizardcoder with very
similar performance. Third, we find that generating the entire class all at
once (i.e. holistic generation strategy) is the best generation strategy only
for GPT-4 and GPT-3.5, while method-by-method generation (i.e. incremental and
compositional) is better strategies for the other models with limited ability
of understanding long instructions and utilizing the middle information.
Lastly, we find the limited model ability of generating method-dependent code
and discuss the frequent error types in generated classes. Our benchmark is
available at https://github.com/FudanSELab/ClassEval. | cs.CL | ClassEval: A Manually-Crafted Benchmark for Evaluating LLMs on Class-level Code Generation |
2023-08-03T16:18:19Z | http://arxiv.org/pdf/2308.01849v1 | http://arxiv.org/abs/2308.01849v1 | Jader Martins Camboim de Sá, Matheus Ferraroni Sanches, Rafael Roque de Souza, Júlio Cesar dos Reis, Leandro Aparecido Villas | 2023-08-03T16:18:19Z | cs.CL, cs.LG | Fine-tuning language models in a downstream task is the standard approach for
many state-of-the-art methodologies in the field of NLP. However, when the
distribution between the source task and target task drifts, \textit{e.g.},
conversational environments, these gains tend to be diminished. This article
proposes a sequence of pre-training steps (a curriculum) guided by "data
hacking" and grammar analysis that allows further gradual adaptation between
pre-training distributions. In our experiments, we acquire a considerable
improvement from our method compared to other known pre-training approaches for
the MultiWoZ task. | cs.CL | Curricular Transfer Learning for Sentence Encoded Tasks |
2023-08-03T16:13:05Z | http://arxiv.org/pdf/2308.01846v2 | http://arxiv.org/abs/2308.01846v2 | Hao Fei, Meishan Zhang, Min Zhang, Tat-Seng Chua | 2024-06-21T15:26:05Z | cs.CL | Structured Natural Language Processing (XNLP) is an important subset of NLP
that entails understanding the underlying semantic or syntactic structure of
texts, which serves as a foundational component for many downstream
applications. Despite certain recent efforts to explore universal solutions for
specific categories of XNLP tasks, a comprehensive and effective approach for
unifying all XNLP tasks long remains underdeveloped. In the meanwhile, while
XNLP demonstration systems are vital for researchers exploring various XNLP
tasks, existing platforms can be limited to, e.g., supporting few XNLP tasks,
lacking interactivity and universalness. To this end, we propose an advanced
XNLP demonstration platform, where we propose leveraging LLM to achieve
universal XNLP, with one model for all with high generalizability. Overall, our
system advances in multiple aspects, including universal XNLP modeling, high
performance, interpretability, scalability, and interactivity, providing a
unified platform for exploring diverse XNLP tasks in the community. XNLP is
online: https://xnlp.haofei.vip | cs.CL | XNLP: An Interactive Demonstration System for Universal Structured NLP |
2023-08-03T15:52:27Z | http://arxiv.org/pdf/2308.01834v1 | http://arxiv.org/abs/2308.01834v1 | Isaac R. Galatzer-Levy, Daniel McDuff, Vivek Natarajan, Alan Karthikesalingam, Matteo Malgaroli | 2023-08-03T15:52:27Z | cs.CL, cs.AI, cs.LG | The current work investigates the capability of Large language models (LLMs)
that are explicitly trained on large corpuses of medical knowledge (Med-PaLM 2)
to predict psychiatric functioning from patient interviews and clinical
descriptions without being trained to do so. To assess this, n = 145 depression
and n =115 PTSD assessments and n = 46 clinical case studies across high
prevalence/high comorbidity disorders (Depressive, Anxiety, Psychotic, trauma
and stress, Addictive disorders) were analyzed using prompts to extract
estimated clinical scores and diagnoses. Results demonstrate that Med-PaLM 2 is
capable of assessing psychiatric functioning across a range of psychiatric
conditions with the strongest performance being the prediction of depression
scores based on standardized assessments (Accuracy range= 0.80 - 0.84) which
were statistically indistinguishable from human clinical raters t(1,144) =
1.20; p = 0.23. Results show the potential for general clinical language models
to flexibly predict psychiatric risk based on free descriptions of functioning
from both patients and clinicians. | cs.CL | The Capability of Large Language Models to Measure Psychiatric Functioning |
2023-08-03T15:47:04Z | http://arxiv.org/pdf/2308.01831v1 | http://arxiv.org/abs/2308.01831v1 | Minsu Kim, Jeongsoo Choi, Dahun Kim, Yong Man Ro | 2023-08-03T15:47:04Z | cs.CL, eess.AS, eess.SP | In this paper, we propose a method to learn unified representations of
multilingual speech and text with a single model, especially focusing on the
purpose of speech synthesis. We represent multilingual speech audio with speech
units, the quantized representations of speech features encoded from a
self-supervised speech model. Therefore, we can focus on their linguistic
content by treating the audio as pseudo text and can build a unified
representation of speech and text. Then, we propose to train an encoder-decoder
structured model with a Unit-to-Unit Translation (UTUT) objective on
multilingual data. Specifically, by conditioning the encoder with the source
language token and the decoder with the target language token, the model is
optimized to translate the spoken language into that of the target language, in
a many-to-many language translation setting. Therefore, the model can build the
knowledge of how spoken languages are comprehended and how to relate them to
different languages. A single pre-trained model with UTUT can be employed for
diverse multilingual speech- and text-related tasks, such as Speech-to-Speech
Translation (STS), multilingual Text-to-Speech Synthesis (TTS), and
Text-to-Speech Translation (TTST). By conducting comprehensive experiments
encompassing various languages, we validate the efficacy of the proposed method
across diverse multilingual tasks. Moreover, we show UTUT can perform
many-to-many language STS, which has not been previously explored in the
literature. Samples are available on https://choijeongsoo.github.io/utut. | cs.CL | Many-to-Many Spoken Language Translation via Unified Speech and Text Representation Learning with Unit-to-Unit Translation |
2023-08-03T15:34:01Z | http://arxiv.org/pdf/2308.01825v2 | http://arxiv.org/abs/2308.01825v2 | Zheng Yuan, Hongyi Yuan, Chengpeng Li, Guanting Dong, Keming Lu, Chuanqi Tan, Chang Zhou, Jingren Zhou | 2023-09-13T03:57:29Z | cs.CL | Mathematical reasoning is a challenging task for large language models
(LLMs), while the scaling relationship of it with respect to LLM capacity is
under-explored. In this paper, we investigate how the pre-training loss,
supervised data amount, and augmented data amount influence the reasoning
performances of a supervised LLM. We find that pre-training loss is a better
indicator of the model's performance than the model's parameter count. We apply
supervised fine-tuning (SFT) with different amounts of supervised data and
empirically find a log-linear relation between data amount and model
performance, and we find better models improve less with enlarged supervised
datasets. To augment more data samples for improving model performances without
any human effort, we propose to apply Rejection sampling Fine-Tuning (RFT). RFT
uses supervised models to generate and collect correct reasoning paths as
augmented fine-tuning datasets. We find with augmented samples containing more
distinct reasoning paths, RFT improves mathematical reasoning performance more
for LLMs. We also find RFT brings more improvement for less performant LLMs.
Furthermore, we combine rejection samples from multiple models which push
LLaMA-7B to an accuracy of 49.3\% on GSM8K which outperforms the supervised
fine-tuning (SFT) accuracy of 35.9\% significantly. | cs.CL | Scaling Relationship on Learning Mathematical Reasoning with Large Language Models |
2023-08-03T14:31:57Z | http://arxiv.org/pdf/2308.01785v1 | http://arxiv.org/abs/2308.01785v1 | Shafie Abdi Mohamed, Muhidin Abdullahi Mohamed | 2023-08-03T14:31:57Z | cs.CL | Lemmatization is a Natural Language Processing (NLP) technique used to
normalize text by changing morphological derivations of words to their root
forms. It is used as a core pre-processing step in many NLP tasks including
text indexing, information retrieval, and machine learning for NLP, among
others. This paper pioneers the development of text lemmatization for the
Somali language, a low-resource language with very limited or no prior
effective adoption of NLP methods and datasets. We especially develop a lexicon
and rule-based lemmatizer for Somali text, which is a starting point for a
full-fledged Somali lemmatization system for various NLP tasks. With
consideration of the language morphological rules, we have developed an initial
lexicon of 1247 root words and 7173 derivationally related terms enriched with
rules for lemmatizing words not present in the lexicon. We have tested the
algorithm on 120 documents of various lengths including news articles, social
media posts, and text messages. Our initial results demonstrate that the
algorithm achieves an accuracy of 57\% for relatively long documents (e.g. full
news articles), 60.57\% for news article extracts, and high accuracy of 95.87\%
for short texts such as social media messages. | cs.CL | Lexicon and Rule-based Word Lemmatization Approach for the Somali Language |
2023-08-03T14:09:31Z | http://arxiv.org/pdf/2308.01776v2 | http://arxiv.org/abs/2308.01776v2 | Xiaowu Zhang, Xiaotian Zhang, Cheng Yang, Hang Yan, Xipeng Qiu | 2023-08-14T09:15:42Z | cs.CL | As large language models, such as GPT, continue to advance the capabilities
of natural language processing (NLP), the question arises: does the problem of
correction still persist? This paper investigates the role of correction in the
context of large language models by conducting two experiments. The first
experiment focuses on correction as a standalone task, employing few-shot
learning techniques with GPT-like models for error correction. The second
experiment explores the notion of correction as a preparatory task for other
NLP tasks, examining whether large language models can tolerate and perform
adequately on texts containing certain levels of noise or errors. By addressing
these experiments, we aim to shed light on the significance of correction in
the era of large language models and its implications for various NLP
applications. | cs.CL | Does Correction Remain A Problem For Large Language Models? |
2023-08-03T13:06:37Z | http://arxiv.org/pdf/2308.01741v1 | http://arxiv.org/abs/2308.01741v1 | Ayush Jain, Manikandan Padmanaban, Jagabondhu Hazra, Shantanu Godbole, Kommy Weldemariam | 2023-08-03T13:06:37Z | cs.CL | Large enterprises face a crucial imperative to achieve the Sustainable
Development Goals (SDGs), especially goal 13, which focuses on combating
climate change and its impacts. To mitigate the effects of climate change,
reducing enterprise Scope 3 (supply chain emissions) is vital, as it accounts
for more than 90\% of total emission inventories. However, tracking Scope 3
emissions proves challenging, as data must be collected from thousands of
upstream and downstream suppliers.To address the above mentioned challenges, we
propose a first-of-a-kind framework that uses domain-adapted NLP foundation
models to estimate Scope 3 emissions, by utilizing financial transactions as a
proxy for purchased goods and services. We compared the performance of the
proposed framework with the state-of-art text classification models such as
TF-IDF, word2Vec, and Zero shot learning. Our results show that the
domain-adapted foundation model outperforms state-of-the-art text mining
techniques and performs as well as a subject matter expert (SME). The proposed
framework could accelerate the Scope 3 estimation at Enterprise scale and will
help to take appropriate climate actions to achieve SDG 13. | cs.CL | Supply chain emission estimation using large language models |
2023-08-03T12:52:49Z | http://arxiv.org/pdf/2308.01734v1 | http://arxiv.org/abs/2308.01734v1 | Zexin Chen, Eric Zhou, Kenneth Eaton, Xiangyu Peng, Mark Riedl | 2023-08-03T12:52:49Z | cs.CL, cs.HC | Imaginative play is an area of creativity that could allow robots to engage
with the world around them in a much more personified way. Imaginary play can
be seen as taking real objects and locations and using them as imaginary
objects and locations in virtual scenarios. We adopted the story generation
capability of large language models (LLMs) to obtain the stories used for
imaginary play with human-written prompts. Those generated stories will be
simplified and mapped into action sequences that can guide the agent in
imaginary play. To evaluate whether the agent can successfully finish the
imaginary play, we also designed a text adventure game to simulate a house as
the playground for the agent to interact. | cs.CL | Ambient Adventures: Teaching ChatGPT on Developing Complex Stories |
2023-08-03T12:47:17Z | http://arxiv.org/pdf/2308.02575v1 | http://arxiv.org/abs/2308.02575v1 | Veronika Hackl, Alexandra Elena Müller, Michael Granitzer, Maximilian Sailer | 2023-08-03T12:47:17Z | cs.CL, cs.AI | This study investigates the consistency of feedback ratings generated by
OpenAI's GPT-4, a state-of-the-art artificial intelligence language model,
across multiple iterations, time spans and stylistic variations. The model
rated responses to tasks within the Higher Education (HE) subject domain of
macroeconomics in terms of their content and style. Statistical analysis was
conducted in order to learn more about the interrater reliability, consistency
of the ratings across iterations and the correlation between ratings in terms
of content and style. The results revealed a high interrater reliability with
ICC scores ranging between 0.94 and 0.99 for different timespans, suggesting
that GPT-4 is capable of generating consistent ratings across repetitions with
a clear prompt. Style and content ratings show a high correlation of 0.87. When
applying a non-adequate style the average content ratings remained constant,
while style ratings decreased, which indicates that the large language model
(LLM) effectively distinguishes between these two criteria during evaluation.
The prompt used in this study is furthermore presented and explained. Further
research is necessary to assess the robustness and reliability of AI models in
various use cases. | cs.CL | Is GPT-4 a reliable rater? Evaluating Consistency in GPT-4 Text Ratings |
2023-08-03T12:36:13Z | http://arxiv.org/pdf/2308.01727v1 | http://arxiv.org/abs/2308.01727v1 | V. K. Cody Bumgardner, Aaron Mullen, Sam Armstrong, Caylin Hickey, Jeff Talbert | 2023-08-03T12:36:13Z | cs.CL, cs.AI | This paper introduces an approach that combines the language reasoning
capabilities of large language models (LLMs) with the benefits of local
training to tackle complex, domain-specific tasks. Specifically, the authors
demonstrate their approach by extracting structured condition codes from
pathology reports. The proposed approach utilizes local LLMs, which can be
fine-tuned to respond to specific generative instructions and provide
structured outputs. The authors collected a dataset of over 150k uncurated
surgical pathology reports, containing gross descriptions, final diagnoses, and
condition codes. They trained different model architectures, including LLaMA,
BERT and LongFormer and evaluated their performance. The results show that the
LLaMA-based models significantly outperform BERT-style models across all
evaluated metrics, even with extremely reduced precision. The LLaMA models
performed especially well with large datasets, demonstrating their ability to
handle complex, multi-label tasks. Overall, this work presents an effective
approach for utilizing LLMs to perform domain-specific tasks using accessible
hardware, with potential applications in the medical domain, where complex data
extraction and classification are required. | cs.CL | Local Large Language Models for Complex Structured Medical Tasks |
2023-08-03T10:52:52Z | http://arxiv.org/pdf/2308.01684v2 | http://arxiv.org/abs/2308.01684v2 | Zheyu Zhang, Han Yang, Bolei Ma, David Rügamer, Ercong Nie | 2023-10-23T12:05:52Z | cs.CL | Large Language Models (LLMs) demonstrate remarkable performance on a variety
of natural language understanding (NLU) tasks, primarily due to their
in-context learning ability. This ability could be applied to building babylike
models, i.e. models at small scales, improving training efficiency. In this
paper, we propose a "CoThought" pipeline, which efficiently trains smaller
"baby" language models (BabyLMs) by leveraging the Chain of Thought prompting
of LLMs. Our pipeline restructures a dataset of less than 100M in size using
GPT-3.5-turbo, transforming it into task-oriented, human-readable texts that
are comparable to the school texts for language learners. The BabyLM is then
pretrained on this restructured dataset in a RoBERTa fashion. In evaluations
across 4 benchmarks, our BabyLM outperforms the vanilla RoBERTa in 10
linguistic, NLU, and question-answering tasks by more than 3 points, showing a
superior ability to extract contextual information. These results suggest that
compact LMs pretrained on small, LLM-restructured data can better understand
tasks and achieve improved performance. | cs.CL | Baby's CoThought: Leveraging Large Language Models for Enhanced Reasoning in Compact Models |
2023-08-03T10:48:30Z | http://arxiv.org/pdf/2308.01681v3 | http://arxiv.org/abs/2308.01681v3 | Shaina Raza, Muskan Garg, Deepak John Reji, Syed Raza Bashir, Chen Ding | 2023-08-29T12:20:15Z | cs.CL, cs.AI | Bias in textual data can lead to skewed interpretations and outcomes when the
data is used. These biases could perpetuate stereotypes, discrimination, or
other forms of unfair treatment. An algorithm trained on biased data may end up
making decisions that disproportionately impact a certain group of people.
Therefore, it is crucial to detect and remove these biases to ensure the fair
and ethical use of data. To this end, we develop a comprehensive and robust
framework NBIAS that consists of four main layers: data, corpus construction,
model development and an evaluation layer. The dataset is constructed by
collecting diverse data from various domains, including social media,
healthcare, and job hiring portals. As such, we applied a transformer-based
token classification model that is able to identify bias words/ phrases through
a unique named entity BIAS. In the evaluation procedure, we incorporate a blend
of quantitative and qualitative measures to gauge the effectiveness of our
models. We achieve accuracy improvements ranging from 1% to 8% compared to
baselines. We are also able to generate a robust understanding of the model
functioning. The proposed approach is applicable to a variety of biases and
contributes to the fair and ethical use of textual data. | cs.CL | NBIAS: A Natural Language Processing Framework for Bias Identification in Text |
2023-08-03T10:37:20Z | http://arxiv.org/pdf/2308.02570v1 | http://arxiv.org/abs/2308.02570v1 | Feng Chen, Jiajia Liu, Kaixiang Ji, Wang Ren, Jian Wang, Jingdong Wang | 2023-08-03T10:37:20Z | cs.LG, cs.AI, cs.CL, cs.CV | The challenge posed by multimodal named entity recognition (MNER) is mainly
two-fold: (1) bridging the semantic gap between text and image and (2) matching
the entity with its associated object in image. Existing methods fail to
capture the implicit entity-object relations, due to the lack of corresponding
annotation. In this paper, we propose a bidirectional generative alignment
method named BGA-MNER to tackle these issues. Our BGA-MNER consists of
\texttt{image2text} and \texttt{text2image} generation with respect to
entity-salient content in two modalities. It jointly optimizes the
bidirectional reconstruction objectives, leading to aligning the implicit
entity-object relations under such direct and powerful constraints.
Furthermore, image-text pairs usually contain unmatched components which are
noisy for generation. A stage-refined context sampler is proposed to extract
the matched cross-modal content for generation. Extensive experiments on two
benchmarks demonstrate that our method achieves state-of-the-art performance
without image input during inference. | cs.LG | Learning Implicit Entity-object Relations by Bidirectional Generative Alignment for Multimodal NER |
2023-08-03T10:11:42Z | http://arxiv.org/pdf/2308.01666v1 | http://arxiv.org/abs/2308.01666v1 | Ivo S. Fins, Heather Davies, Sean Farrell, Jose R. Torres, Gina Pinchbeck, Alan D. Radford, Peter-John Noble | 2023-08-03T10:11:42Z | cs.IR, cs.CL | Background: Veterinary clinical narratives remain a largely untapped resource
for addressing complex diseases. Here we compare the ability of a large
language model (ChatGPT) and a previously developed regular expression (RegexT)
to identify overweight body condition scores (BCS) in veterinary narratives.
Methods: BCS values were extracted from 4,415 anonymised clinical narratives
using either RegexT or by appending the narrative to a prompt sent to ChatGPT
coercing the model to return the BCS information. Data were manually reviewed
for comparison. Results: The precision of RegexT was higher (100%, 95% CI
94.81-100%) than the ChatGPT (89.3%; 95% CI82.75-93.64%). However, the recall
of ChatGPT (100%. 95% CI 96.18-100%) was considerably higher than that of
RegexT (72.6%, 95% CI 63.92-79.94%). Limitations: Subtle prompt engineering is
needed to improve ChatGPT output. Conclusions: Large language models create
diverse opportunities and, whilst complex, present an intuitive interface to
information but require careful implementation to avoid unpredictable errors. | cs.IR | Evaluating ChatGPT text-mining of clinical records for obesity monitoring |
2023-08-03T09:40:27Z | http://arxiv.org/pdf/2308.02569v1 | http://arxiv.org/abs/2308.02569v1 | Mohammad Dehghani, Behrouz Bokharaeian, Zahra Yazdanparast | 2023-08-03T09:40:27Z | cs.CL | Scientific literature contains a considerable amount of information that
provides an excellent opportunity for developing text mining methods to extract
biomedical relationships. An important type of information is the relationship
between singular nucleotide polymorphisms (SNP) and traits. In this paper, we
present a BioBERT-GRU method to identify SNP- traits associations. Based on the
evaluation of our method on the SNPPhenA dataset, it is concluded that this new
method performs better than previous machine learning and deep learning based
methods. BioBERT-GRU achieved the result a precision of 0.883, recall of 0.882
and F1-score of 0.881. | cs.CL | BioBERT Based SNP-traits Associations Extraction from Biomedical Literature |
2023-08-03T07:48:02Z | http://arxiv.org/pdf/2308.01589v1 | http://arxiv.org/abs/2308.01589v1 | Dimos Tsouros, Hélène Verhaeghe, Serdar Kadıoğlu, Tias Guns | 2023-08-03T07:48:02Z | cs.AI, cs.CL, cs.HC | Twenty-seven years ago, E. Freuder highlighted that "Constraint programming
represents one of the closest approaches computer science has yet made to the
Holy Grail of programming: the user states the problem, the computer solves
it". Nowadays, CP users have great modeling tools available (like Minizinc and
CPMpy), allowing them to formulate the problem and then let a solver do the
rest of the job, getting closer to the stated goal. However, this still
requires the CP user to know the formalism and respect it. Another significant
challenge lies in the expertise required to effectively model combinatorial
problems. All this limits the wider adoption of CP. In this position paper, we
investigate a possible approach to leverage pre-trained Large Language Models
to extract models from textual problem descriptions. More specifically, we take
inspiration from the Natural Language Processing for Optimization (NL4OPT)
challenge and present early results with a decomposition-based prompting
approach to GPT Models. | cs.AI | Holy Grail 2.0: From Natural Language to Constraint Models |
2023-08-03T07:00:04Z | http://arxiv.org/pdf/2308.02565v1 | http://arxiv.org/abs/2308.02565v1 | Keyu Duan, Qian Liu, Tat-Seng Chua, Shuicheng Yan, Wei Tsang Ooi, Qizhe Xie, Junxian He | 2023-08-03T07:00:04Z | cs.CL, cs.AI | Textual graphs (TGs) are graphs whose nodes correspond to text (sentences or
documents), which are widely prevalent. The representation learning of TGs
involves two stages: (i) unsupervised feature extraction and (ii) supervised
graph representation learning. In recent years, extensive efforts have been
devoted to the latter stage, where Graph Neural Networks (GNNs) have dominated.
However, the former stage for most existing graph benchmarks still relies on
traditional feature engineering techniques. More recently, with the rapid
development of language models (LMs), researchers have focused on leveraging
LMs to facilitate the learning of TGs, either by jointly training them in a
computationally intensive framework (merging the two stages), or designing
complex self-supervised training tasks for feature extraction (enhancing the
first stage). In this work, we present SimTeG, a frustratingly Simple approach
for Textual Graph learning that does not innovate in frameworks, models, and
tasks. Instead, we first perform supervised parameter-efficient fine-tuning
(PEFT) on a pre-trained LM on the downstream task, such as node classification.
We then generate node embeddings using the last hidden states of finetuned LM.
These derived features can be further utilized by any GNN for training on the
same task. We evaluate our approach on two fundamental graph representation
learning tasks: node classification and link prediction. Through extensive
experiments, we show that our approach significantly improves the performance
of various GNNs on multiple graph benchmarks. | cs.CL | SimTeG: A Frustratingly Simple Approach Improves Textual Graph Learning |
2023-08-03T06:19:58Z | http://arxiv.org/pdf/2308.01552v1 | http://arxiv.org/abs/2308.01552v1 | Po-Lin Chen, Cheng-Shang Chang | 2023-08-03T06:19:58Z | cs.AI, cs.CL, cs.LG | This research paper delves into the integration of OpenAI's ChatGPT into
embodied agent systems, evaluating its influence on interactive decision-making
benchmark. Drawing a parallel to the concept of people assuming roles according
to their unique strengths, we introduce InterAct. In this approach, we feed
ChatGPT with varied prompts, assigning it a numerous roles like a checker and a
sorter, then integrating them with the original language model. Our research
shows a remarkable success rate of 98% in AlfWorld, which consists of 6
different tasks in a simulated household environment, emphasizing the
significance of proficient prompt engineering. The results highlight ChatGPT's
competence in comprehending and performing intricate tasks effectively in
real-world settings, thus paving the way for further advancements in task
planning. | cs.AI | InterAct: Exploring the Potentials of ChatGPT as a Cooperative Agent |
2023-08-03T05:27:12Z | http://arxiv.org/pdf/2308.01544v2 | http://arxiv.org/abs/2308.01544v2 | Sarah Schwettmann, Neil Chowdhury, Samuel Klein, David Bau, Antonio Torralba | 2023-10-01T23:24:13Z | cs.CV, cs.CL | Language models demonstrate remarkable capacity to generalize representations
learned in one modality to downstream tasks in other modalities. Can we trace
this ability to individual neurons? We study the case where a frozen text
transformer is augmented with vision using a self-supervised visual encoder and
a single linear projection learned on an image-to-text task. Outputs of the
projection layer are not immediately decodable into language describing image
content; instead, we find that translation between modalities occurs deeper
within the transformer. We introduce a procedure for identifying "multimodal
neurons" that convert visual representations into corresponding text, and
decoding the concepts they inject into the model's residual stream. In a series
of experiments, we show that multimodal neurons operate on specific visual
concepts across inputs, and have a systematic causal effect on image
captioning. | cs.CV | Multimodal Neurons in Pretrained Text-Only Transformers |
2023-08-03T04:35:46Z | http://arxiv.org/pdf/2308.01535v1 | http://arxiv.org/abs/2308.01535v1 | Hancheng Cao, Sofia Eleni Spatharioti, Daniel G. Goldstein, Jake M. Hofman | 2023-08-03T04:35:46Z | cs.HC, cs.CL, cs.CY | Numerical perspectives help people understand extreme and unfamiliar numbers
(e.g., \$330 billion is about \$1,000 per person in the United States). While
research shows perspectives to be helpful, generating them at scale is
challenging both because it is difficult to identify what makes some analogies
more helpful than others, and because what is most helpful can vary based on
the context in which a given number appears. Here we present and compare three
policies for large-scale perspective generation: a rule-based approach, a
crowdsourced system, and a model that uses Wikipedia data and semantic
similarity (via BERT embeddings) to generate context-specific perspectives. We
find that the combination of these three approaches dominates any single
method, with different approaches excelling in different settings and users
displaying heterogeneous preferences across approaches. We conclude by
discussing our deployment of perspectives in a widely-used online word
processor. | cs.HC | Comparing scalable strategies for generating numerical perspectives |
2023-08-03T01:46:27Z | http://arxiv.org/pdf/2308.01497v3 | http://arxiv.org/abs/2308.01497v3 | Nicholas Ichien, Dušan Stamenković, Keith J. Holyoak | 2024-01-16T19:00:56Z | cs.CL | Recent advances in the performance of large language models (LLMs) have
sparked debate over whether, given sufficient training, high-level human
abilities emerge in such generic forms of artificial intelligence (AI). Despite
the exceptional performance of LLMs on a wide range of tasks involving natural
language processing and reasoning, there has been sharp disagreement as to
whether their abilities extend to more creative human abilities. A core example
is the ability to interpret novel metaphors. Given the enormous and non curated
text corpora used to train LLMs, a serious obstacle to designing tests is the
requirement of finding novel yet high quality metaphors that are unlikely to
have been included in the training data. Here we assessed the ability of GPT4,
a state of the art large language model, to provide natural-language
interpretations of novel literary metaphors drawn from Serbian poetry and
translated into English. Despite exhibiting no signs of having been exposed to
these metaphors previously, the AI system consistently produced detailed and
incisive interpretations. Human judges, blind to the fact that an AI model was
involved, rated metaphor interpretations generated by GPT4 as superior to those
provided by a group of college students. In interpreting reversed metaphors,
GPT4, as well as humans, exhibited signs of sensitivity to the Gricean
cooperative principle. In addition, for several novel English poems GPT4
produced interpretations that were rated as excellent or good by a human
literary critic. These results indicate that LLMs such as GPT4 have acquired an
emergent ability to interpret complex metaphors, including those embedded in
novel poems. | cs.CL | Large Language Model Displays Emergent Ability to Interpret Novel Literary Metaphors |
2023-08-03T00:10:23Z | http://arxiv.org/pdf/2308.01479v1 | http://arxiv.org/abs/2308.01479v1 | Baber Khalid, Matthew Stone | 2023-08-03T00:10:23Z | cs.CL | Many conversational domains require the system to present nuanced information
to users. Such systems must follow up what they say to address clarification
questions and repair misunderstandings. In this work, we explore this
interactive strategy in a referential communication task. Using simulation, we
analyze the communication trade-offs between initial presentation and
subsequent followup as a function of user clarification strategy, and compare
the performance of several baseline strategies to policies derived by
reinforcement learning. We find surprising advantages to coherence-based
representations of dialogue strategy, which bring minimal data requirements,
explainable choices, and strong audit capabilities, but incur little loss in
predicted outcomes across a wide range of user models. | cs.CL | Investigating Reinforcement Learning for Communication Strategies in a Task-Initiative Setting |
2023-08-02T23:39:29Z | http://arxiv.org/pdf/2308.01472v1 | http://arxiv.org/abs/2308.01472v1 | Florinel-Alin Croitoru, Vlad Hondru, Radu Tudor Ionescu, Mubarak Shah | 2023-08-02T23:39:29Z | cs.CV, cs.CL, cs.LG | Text-to-image diffusion models such as Stable Diffusion have recently
attracted the interest of many researchers, and inverting the diffusion process
can play an important role in better understanding the generative process and
how to engineer prompts in order to obtain the desired images. To this end, we
introduce the new task of predicting the text prompt given an image generated
by a generative diffusion model. We combine a series of white-box and black-box
models (with and without access to the weights of the diffusion network) to
deal with the proposed task. We propose a novel learning framework comprising
of a joint prompt regression and multi-label vocabulary classification
objective that generates improved prompts. To further improve our method, we
employ a curriculum learning procedure that promotes the learning of
image-prompt pairs with lower labeling noise (i.e. that are better aligned),
and an unsupervised domain-adaptive kernel learning method that uses the
similarities between samples in the source and target domains as extra
features. We conduct experiments on the DiffusionDB data set, predicting text
prompts from images generated by Stable Diffusion. Our novel learning framework
produces excellent results on the aforementioned task, yielding the highest
gains when applied on the white-box model. In addition, we make an interesting
discovery: training a diffusion model on the prompt generation task can make
the model generate images that are much better aligned with the input prompts,
when the model is directly reused for text-to-image generation. | cs.CV | Reverse Stable Diffusion: What prompt was used to generate this image? |
2023-08-02T21:13:38Z | http://arxiv.org/pdf/2308.01936v2 | http://arxiv.org/abs/2308.01936v2 | Thilini Wijesiriwardene, Amit Sheth, Valerie L. Shalin, Amitava Das | 2023-09-12T16:33:15Z | cs.AI, cs.CL | A hallmark of intelligence is the ability to use a familiar domain to make
inferences about a less familiar domain, known as analogical reasoning. In this
article, we delve into the performance of Large Language Models (LLMs) in
dealing with progressively complex analogies expressed in unstructured text. We
discuss analogies at four distinct levels of complexity: lexical analogies,
syntactic analogies, semantic analogies, and pragmatic analogies. As the
analogies become more complex, they require increasingly extensive, diverse
knowledge beyond the textual content, unlikely to be found in the lexical
co-occurrence statistics that power LLMs. To address this, we discuss the
necessity of employing Neuro-symbolic AI techniques that combine statistical
and symbolic AI, informing the representation of unstructured text to highlight
and augment relevant content, provide abstraction and guide the mapping
process. Our knowledge-informed approach maintains the efficiency of LLMs while
preserving the ability to explain analogies for pedagogical applications. | cs.AI | Why Do We Need Neuro-symbolic AI to Model Pragmatic Analogies? |
2023-08-02T20:08:59Z | http://arxiv.org/pdf/2308.01408v1 | http://arxiv.org/abs/2308.01408v1 | Andrei-Alexandru Preda, Dumitru-Clementin Cercel, Traian Rebedea, Costin-Gabriel Chiru | 2023-08-02T20:08:59Z | cs.CL, I.2.7 | This paper describes the solutions submitted by the UPB team to the
AuTexTification shared task, featured as part of IberLEF-2023. Our team
participated in the first subtask, identifying text documents produced by large
language models instead of humans. The organizers provided a bilingual dataset
for this subtask, comprising English and Spanish texts covering multiple
domains, such as legal texts, social media posts, and how-to articles. We
experimented mostly with deep learning models based on Transformers, as well as
training techniques such as multi-task learning and virtual adversarial
training to obtain better results. We submitted three runs, two of which
consisted of ensemble models. Our best-performing model achieved macro
F1-scores of 66.63% on the English dataset and 67.10% on the Spanish dataset. | cs.CL | UPB at IberLEF-2023 AuTexTification: Detection of Machine-Generated Text using Transformer Ensembles |
2023-08-02T20:01:38Z | http://arxiv.org/pdf/2308.03782v1 | http://arxiv.org/abs/2308.03782v1 | Yue Ling | 2023-08-02T20:01:38Z | cs.CL, cs.AI, cs.LG | The objective of this study is to develop natural language processing (NLP)
models that can analyze patients' drug reviews and accurately classify their
satisfaction levels as positive, neutral, or negative. Such models would reduce
the workload of healthcare professionals and provide greater insight into
patients' quality of life, which is a critical indicator of treatment
effectiveness. To achieve this, we implemented and evaluated several
classification models, including a BERT base model, Bio+Clinical BERT, and a
simpler CNN. Results indicate that the medical domain-specific Bio+Clinical
BERT model significantly outperformed the general domain base BERT model,
achieving macro f1 and recall score improvement of 11%, as shown in Table 2.
Future research could explore how to capitalize on the specific strengths of
each model. Bio+Clinical BERT excels in overall performance, particularly with
medical jargon, while the simpler CNN demonstrates the ability to identify
crucial words and accurately classify sentiment in texts with conflicting
sentiments. | cs.CL | Bio+Clinical BERT, BERT Base, and CNN Performance Comparison for Predicting Drug-Review Satisfaction |
2023-08-02T19:11:04Z | http://arxiv.org/pdf/2308.01391v2 | http://arxiv.org/abs/2308.01391v2 | Masaru Yamada | 2024-02-21T07:24:06Z | cs.CL | This paper explores the influence of integrating the purpose of the
translation and the target audience into prompts on the quality of translations
produced by ChatGPT. Drawing on previous translation studies, industry
practices, and ISO standards, the research underscores the significance of the
pre-production phase in the translation process. The study reveals that the
inclusion of suitable prompts in large-scale language models like ChatGPT can
yield flexible translations, a feat yet to be realized by conventional Machine
Translation (MT). The research scrutinizes the changes in translation quality
when prompts are used to generate translations that meet specific conditions.
The evaluation is conducted from a practicing translator's viewpoint, both
subjectively and qualitatively, supplemented by the use of OpenAI's word
embedding API for cosine similarity calculations. The findings suggest that the
integration of the purpose and target audience into prompts can indeed modify
the generated translations, generally enhancing the translation quality by
industry standards. The study also demonstrates the practical application of
the "good translation" concept, particularly in the context of marketing
documents and culturally dependent idioms. | cs.CL | Optimizing Machine Translation through Prompt Engineering: An Investigation into ChatGPT's Customizability |
2023-08-02T18:49:57Z | http://arxiv.org/pdf/2308.01320v1 | http://arxiv.org/abs/2308.01320v1 | Zhewei Yao, Reza Yazdani Aminabadi, Olatunji Ruwase, Samyam Rajbhandari, Xiaoxia Wu, Ammar Ahmad Awan, Jeff Rasley, Minjia Zhang, Conglong Li, Connor Holmes, Zhongzhu Zhou, Michael Wyatt, Molly Smith, Lev Kurilenko, Heyang Qin, Masahiro Tanaka, Shuai Che, Shuaiwen Leon Song, Yuxiong He | 2023-08-02T18:49:57Z | cs.LG, cs.AI, cs.CL | ChatGPT-like models have revolutionized various applications in artificial
intelligence, from summarization and coding to translation, matching or even
surpassing human performance. However, the current landscape lacks an
accessible, efficient, and cost-effective end-to-end RLHF (Reinforcement
Learning with Human Feedback) training pipeline for these powerful models,
particularly when training at the scale of billions of parameters. This paper
introduces DeepSpeed-Chat, a novel system that democratizes RLHF training,
making it accessible to the AI community. DeepSpeed-Chat offers three key
capabilities: an easy-to-use training and inference experience for ChatGPT-like
models, a DeepSpeed-RLHF pipeline that replicates the training pipeline from
InstructGPT, and a robust DeepSpeed-RLHF system that combines various
optimizations for training and inference in a unified way. The system delivers
unparalleled efficiency and scalability, enabling training of models with
hundreds of billions of parameters in record time and at a fraction of the
cost. With this development, DeepSpeed-Chat paves the way for broader access to
advanced RLHF training, even for data scientists with limited resources,
thereby fostering innovation and further development in the field of AI. | cs.LG | DeepSpeed-Chat: Easy, Fast and Affordable RLHF Training of ChatGPT-like Models at All Scales |
2023-08-02T18:22:49Z | http://arxiv.org/pdf/2308.01368v1 | http://arxiv.org/abs/2308.01368v1 | Michael Carl | 2023-08-02T18:22:49Z | cs.CL, cs.AI, cs.IT, math.IT | Over the past four decades, efforts have been made to develop and evaluate
models for Empirical Translation Process Research (TPR), yet a comprehensive
framework remains elusive. This article traces the evolution of empirical TPR
within the CRITT TPR-DB tradition and proposes the Free Energy Principle (FEP)
and Active Inference (AIF) as a framework for modeling deeply embedded
translation processes. It introduces novel approaches for quantifying
fundamental concepts of Relevance Theory (relevance, s-mode, i-mode), and
establishes their relation to the Monitor Model, framing relevance maximization
as a special case of minimizing free energy. FEP/AIF provides a mathematically
rigorous foundation that enables modeling of deep temporal architectures in
which embedded translation processes unfold on different timelines. This
framework opens up exciting prospects for future research in predictive TPR,
likely to enrich our comprehension of human translation processes, and making
valuable contributions to the wider realm of translation studies and the design
of cognitive architectures. | cs.CL | Empirical Translation Process Research: Past and Possible Future Perspectives |
2023-08-02T17:57:25Z | http://arxiv.org/pdf/2308.01313v3 | http://arxiv.org/abs/2308.01313v3 | Bang An, Sicheng Zhu, Michael-Andrei Panaitescu-Liess, Chaithanya Kumar Mummadi, Furong Huang | 2024-03-18T16:02:10Z | cs.CV, cs.AI, cs.CL, cs.LG | Vision-language models like CLIP are widely used in zero-shot image
classification due to their ability to understand various visual concepts and
natural language descriptions. However, how to fully leverage CLIP's
unprecedented human-like understanding capabilities to achieve better
performance is still an open question. This paper draws inspiration from the
human visual perception process: when classifying an object, humans first infer
contextual attributes (e.g., background and orientation) which help separate
the foreground object from the background, and then classify the object based
on this information. Inspired by it, we observe that providing CLIP with
contextual attributes improves zero-shot image classification and mitigates
reliance on spurious features. We also observe that CLIP itself can reasonably
infer the attributes from an image. With these observations, we propose a
training-free, two-step zero-shot classification method PerceptionCLIP. Given
an image, it first infers contextual attributes (e.g., background) and then
performs object classification conditioning on them. Our experiments show that
PerceptionCLIP achieves better generalization, group robustness, and
interoperability. Our code is available at
https://github.com/umd-huang-lab/perceptionCLIP | cs.CV | PerceptionCLIP: Visual Classification by Inferring and Conditioning on Contexts |
2023-08-02T17:11:37Z | http://arxiv.org/pdf/2308.01284v2 | http://arxiv.org/abs/2308.01284v2 | Amrita Bhattacharjee, Huan Liu | 2023-08-17T22:34:38Z | cs.CL, cs.AI | Large language models (LLMs) such as ChatGPT are increasingly being used for
various use cases, including text content generation at scale. Although
detection methods for such AI-generated text exist already, we investigate
ChatGPT's performance as a detector on such AI-generated text, inspired by
works that use ChatGPT as a data labeler or annotator. We evaluate the
zero-shot performance of ChatGPT in the task of human-written vs. AI-generated
text detection, and perform experiments on publicly available datasets. We
empirically investigate if ChatGPT is symmetrically effective in detecting
AI-generated or human-written text. Our findings provide insight on how ChatGPT
and similar LLMs may be leveraged in automated detection pipelines by simply
focusing on solving a specific aspect of the problem and deriving the rest from
that solution. All code and data is available at
https://github.com/AmritaBh/ChatGPT-as-Detector. | cs.CL | Fighting Fire with Fire: Can ChatGPT Detect AI-generated Text? |
2023-08-02T16:36:58Z | http://arxiv.org/pdf/2308.01264v2 | http://arxiv.org/abs/2308.01264v2 | Guilherme F. C. F. Almeida, José Luiz Nunes, Neele Engelmann, Alex Wiegmann, Marcelo de Araújo | 2024-03-04T19:31:04Z | cs.AI, cs.CL | Large language models (LLMs) exhibit expert-level performance in tasks across
a wide range of different domains. Ethical issues raised by LLMs and the need
to align future versions makes it important to know how state of the art models
reason about moral and legal issues. In this paper, we employ the methods of
experimental psychology to probe into this question. We replicate eight studies
from the experimental literature with instances of Google's Gemini Pro,
Anthropic's Claude 2.1, OpenAI's GPT-4, and Meta's Llama 2 Chat 70b. We find
that alignment with human responses shifts from one experiment to another, and
that models differ amongst themselves as to their overall alignment, with GPT-4
taking a clear lead over all other models we tested. Nonetheless, even when
LLM-generated responses are highly correlated to human responses, there are
still systematic differences, with a tendency for models to exaggerate effects
that are present among humans, in part by reducing variance. This recommends
caution with regards to proposals of replacing human participants with current
state-of-the-art LLMs in psychological research and highlights the need for
further research about the distinctive aspects of machine psychology. | cs.AI | Exploring the psychology of LLMs' Moral and Legal Reasoning |
2023-08-02T16:30:40Z | http://arxiv.org/pdf/2308.01263v3 | http://arxiv.org/abs/2308.01263v3 | Paul Röttger, Hannah Rose Kirk, Bertie Vidgen, Giuseppe Attanasio, Federico Bianchi, Dirk Hovy | 2024-04-01T11:50:35Z | cs.CL, cs.AI | Without proper safeguards, large language models will readily follow
malicious instructions and generate toxic content. This risk motivates safety
efforts such as red-teaming and large-scale feedback learning, which aim to
make models both helpful and harmless. However, there is a tension between
these two objectives, since harmlessness requires models to refuse to comply
with unsafe prompts, and thus not be helpful. Recent anecdotal evidence
suggests that some models may have struck a poor balance, so that even clearly
safe prompts are refused if they use similar language to unsafe prompts or
mention sensitive topics. In this paper, we introduce a new test suite called
XSTest to identify such eXaggerated Safety behaviours in a systematic way.
XSTest comprises 250 safe prompts across ten prompt types that well-calibrated
models should not refuse to comply with, and 200 unsafe prompts as contrasts
that models, for most applications, should refuse. We describe XSTest's
creation and composition, and then use the test suite to highlight systematic
failure modes in state-of-the-art language models as well as more general
challenges in building safer language models. | cs.CL | XSTest: A Test Suite for Identifying Exaggerated Safety Behaviours in Large Language Models |
2023-08-02T15:54:22Z | http://arxiv.org/pdf/2308.01240v1 | http://arxiv.org/abs/2308.01240v1 | Zhiqiang Yuan, Junwei Liu, Qiancheng Zi, Mingwei Liu, Xin Peng, Yiling Lou | 2023-08-02T15:54:22Z | cs.CL, cs.AI | In this work, we evaluate 10 open-source instructed LLMs on four
representative code comprehension and generation tasks. We have the following
main findings. First, for the zero-shot setting, instructed LLMs are very
competitive on code comprehension and generation tasks and sometimes even
better than small SOTA models specifically fine-tuned on each downstream task.
We also find that larger instructed LLMs are not always better on code-related
tasks. Second, for the few-shot setting, we find that adding demonstration
examples substantially helps instructed LLMs perform better on most code
comprehension and generation tasks; however, the examples would sometimes
induce unstable or even worse performance. Furthermore, we find widely-used
BM25-based shot selection strategy significantly outperforms the basic random
selection or fixed selection only on generation problems. Third, for the
fine-tuning setting, we find that fine-tuning could further improve the model
performance on downstream code comprehension and generation tasks compared to
the zero-shot/one-shot performance. In addition, after being fine-tuned on the
same downstream task dataset, instructed LLMs outperform both the small SOTA
models and similar-scaled LLMs without instruction tuning. Based on our
findings, we further present practical implications on model and usage
recommendation, performance and cost trade-offs, and future direction. | cs.CL | Evaluating Instruction-Tuned Large Language Models on Code Comprehension and Generation |
2023-08-02T15:53:59Z | http://arxiv.org/pdf/2308.01327v1 | http://arxiv.org/abs/2308.01327v1 | Laurin Wagner, Mario Zusag, Theresa Bloder | 2023-08-02T15:53:59Z | cs.SD, cs.CL, cs.LG, eess.AS | This paper presents a fully automated approach for identifying speech
anomalies from voice recordings to aid in the assessment of speech impairments.
By combining Connectionist Temporal Classification (CTC) and
encoder-decoder-based automatic speech recognition models, we generate rich
acoustic and clean transcripts. We then apply several natural language
processing methods to extract features from these transcripts to produce
prototypes of healthy speech. Basic distance measures from these prototypes
serve as input features for standard machine learning classifiers, yielding
human-level accuracy for the distinction between recordings of people with
aphasia and a healthy control group. Furthermore, the most frequently occurring
aphasia types can be distinguished with 90% accuracy. The pipeline is directly
applicable to other diseases and languages, showing promise for robustly
extracting diagnostic speech biomarkers. | cs.SD | Careful Whisper -- leveraging advances in automatic speech recognition for robust and interpretable aphasia subtype classification |
2023-08-02T15:44:36Z | http://arxiv.org/pdf/2308.01236v2 | http://arxiv.org/abs/2308.01236v2 | Yu Wu, Yana Wei, Haozhe Wang, Yongfei Liu, Sibei Yang, Xuming He | 2023-08-04T17:51:57Z | cs.CV, cs.CL | This paper introduces Grounded Image Text Matching with Mismatched Relation
(GITM-MR), a novel visual-linguistic joint task that evaluates the relation
understanding capabilities of transformer-based pre-trained models. GITM-MR
requires a model to first determine if an expression describes an image, then
localize referred objects or ground the mismatched parts of the text. We
provide a benchmark for evaluating pre-trained models on this task, with a
focus on the challenging settings of limited data and out-of-distribution
sentence lengths. Our evaluation demonstrates that pre-trained models lack data
efficiency and length generalization ability. To address this, we propose the
Relation-sensitive Correspondence Reasoning Network (RCRN), which incorporates
relation-aware reasoning via bi-directional message propagation guided by
language structure. RCRN can be interpreted as a modular program and delivers
strong performance in both length generalization and data efficiency. | cs.CV | Grounded Image Text Matching with Mismatched Relation Reasoning |
2023-08-02T15:29:22Z | http://arxiv.org/pdf/2308.01223v1 | http://arxiv.org/abs/2308.01223v1 | Julen Etxaniz, Gorka Azkune, Aitor Soroa, Oier Lopez de Lacalle, Mikel Artetxe | 2023-08-02T15:29:22Z | cs.CL, cs.AI, cs.LG | Translate-test is a popular technique to improve the performance of
multilingual language models. This approach works by translating the input into
English using an external machine translation system, and running inference
over the translated input. However, these improvements can be attributed to the
use of a separate translation system, which is typically trained on large
amounts of parallel data not seen by the language model. In this work, we
introduce a new approach called self-translate, which overcomes the need of an
external translation system by leveraging the few-shot translation capabilities
of multilingual language models. Experiments over 5 tasks show that
self-translate consistently outperforms direct inference, demonstrating that
language models are unable to leverage their full multilingual potential when
prompted in non-English languages. Our code is available at
https://github.com/juletx/self-translate. | cs.CL | Do Multilingual Language Models Think Better in English? |
2023-08-02T15:12:56Z | http://arxiv.org/pdf/2308.01210v1 | http://arxiv.org/abs/2308.01210v1 | Jetze Schuurmans, Flavius Frasincar | 2023-08-02T15:12:56Z | stat.ML, cs.CL, cs.LG | This paper presents a framework in which hierarchical softmax is used to
create a global hierarchical classifier. The approach is applicable for any
classification task where there is a natural hierarchy among classes. We show
empirical results on four text classification datasets. In all datasets the
hierarchical softmax improved on the regular softmax used in a flat classifier
in terms of macro-F1 and macro-recall. In three out of four datasets
hierarchical softmax achieved a higher micro-accuracy and macro-precision. | stat.ML | Global Hierarchical Neural Networks using Hierarchical Softmax |
2023-08-02T13:58:37Z | http://arxiv.org/pdf/2308.01154v3 | http://arxiv.org/abs/2308.01154v3 | Davide Maltoni, Matteo Ferrara | 2024-03-06T09:39:16Z | cs.AI, cs.CL | A better understanding of the emergent computation and problem-solving
capabilities of recent large language models is of paramount importance to
further improve them and broaden their applicability. This work investigates
how a language model, trained to predict the next token, can perform arithmetic
computations generalizing beyond training data. Binary addition and
multiplication constitute a good testbed for this purpose, since they require a
very small vocabulary and exhibit relevant input/output discontinuities making
smooth input interpolation ineffective for novel data. We successfully trained
a light language model to learn these tasks and ran a number of experiments to
investigate the extrapolation capabilities and internal information processing.
Our findings support the hypothesis that the language model works as an
Encoding-Regression-Decoding machine where the computation takes place in the
value space once the input token representation is mapped to an appropriate
internal representation. | cs.AI | Arithmetic with Language Models: from Memorization to Computation |
2023-08-02T13:33:20Z | http://arxiv.org/pdf/2308.01143v1 | http://arxiv.org/abs/2308.01143v1 | Kanzhi Cheng, Zheng Ma, Shi Zong, Jianbing Zhang, Xinyu Dai, Jiajun Chen | 2023-08-02T13:33:20Z | cs.CV, cs.CL | Generating visually grounded image captions with specific linguistic styles
using unpaired stylistic corpora is a challenging task, especially since we
expect stylized captions with a wide variety of stylistic patterns. In this
paper, we propose a novel framework to generate Accurate and Diverse Stylized
Captions (ADS-Cap). Our ADS-Cap first uses a contrastive learning module to
align the image and text features, which unifies paired factual and unpaired
stylistic corpora during the training process. A conditional variational
auto-encoder is then used to automatically memorize diverse stylistic patterns
in latent space and enhance diversity through sampling. We also design a simple
but effective recheck module to boost style accuracy by filtering
style-specific captions. Experimental results on two widely used stylized image
captioning datasets show that regarding consistency with the image, style
accuracy and diversity, ADS-Cap achieves outstanding performances compared to
various baselines. We finally conduct extensive analyses to understand the
effectiveness of our method. Our code is available at
https://github.com/njucckevin/ADS-Cap. | cs.CV | ADS-Cap: A Framework for Accurate and Diverse Stylized Captioning with Unpaired Stylistic Corpora |
2023-08-02T13:09:57Z | http://arxiv.org/pdf/2308.01126v1 | http://arxiv.org/abs/2308.01126v1 | Kanzhi Cheng, Wenpo Song, Zheng Ma, Wenhao Zhu, Zixuan Zhu, Jianbing Zhang | 2023-08-02T13:09:57Z | cs.CV, cs.CL, cs.MM | Current captioning approaches tend to generate correct but "generic"
descriptions that lack real-world knowledge, e.g., named entities and
contextual information. Considering that Vision-Language Pre-Training (VLP)
models master massive such knowledge from large-scale web-harvested data, it is
promising to utilize the generalizability of VLP models to incorporate
knowledge into image descriptions. However, using VLP models faces challenges:
zero-shot inference suffers from knowledge hallucination that leads to
low-quality descriptions, but the generic bias in downstream task fine-tuning
hinders the VLP model from expressing knowledge. To address these concerns, we
propose a simple yet effective method called Knowledge-guided Replay
(K-Replay), which enables the retention of pre-training knowledge during
fine-tuning. Our approach consists of two parts: (1) a knowledge prediction
task on automatically collected replay exemplars to continuously awaken the VLP
model's memory about knowledge, thus preventing the model from collapsing into
the generic pattern; (2) a knowledge distillation constraint to improve the
faithfulness of generated descriptions hence alleviating the knowledge
hallucination. To evaluate knowledge-enhanced descriptions, we construct a
novel captioning benchmark KnowCap, containing knowledge of landmarks, famous
brands, special foods and movie characters. Experimental results show that our
approach effectively incorporates knowledge into descriptions, outperforming
strong VLP baseline by 20.9 points (78.7->99.6) in CIDEr score and 20.5
percentage points (34.0%->54.5%) in knowledge recognition accuracy. Our code
and data is available at https://github.com/njucckevin/KnowCap. | cs.CV | Beyond Generic: Enhancing Image Captioning with Real-World Knowledge using Vision-Language Pre-Training Model |
2023-08-02T11:39:19Z | http://arxiv.org/pdf/2308.01927v1 | http://arxiv.org/abs/2308.01927v1 | Xiaocan Zeng, Pengfei Wang, Yuren Mao, Lu Chen, Xiaoze Liu, Yunjun Gao | 2023-08-02T11:39:19Z | cs.DB, cs.CL, cs.IR | Entity Matching (EM), which aims to identify all entity pairs referring to
the same real-world entity from relational tables, is one of the most important
tasks in real-world data management systems. Due to the labeling process of EM
being extremely labor-intensive, unsupervised EM is more applicable than
supervised EM in practical scenarios. Traditional unsupervised EM assumes that
all entities come from two tables; however, it is more common to match entities
from multiple tables in practical applications, that is, multi-table entity
matching (multi-table EM). Unfortunately, effective and efficient unsupervised
multi-table EM remains under-explored. To fill this gap, this paper formally
studies the problem of unsupervised multi-table entity matching and proposes an
effective and efficient solution, termed as MultiEM. MultiEM is a parallelable
pipeline of enhanced entity representation, table-wise hierarchical merging,
and density-based pruning. Extensive experimental results on six real-world
benchmark datasets demonstrate the superiority of MultiEM in terms of
effectiveness and efficiency. | cs.DB | MultiEM: Efficient and Effective Unsupervised Multi-Table Entity Matching |
2023-08-02T11:04:27Z | http://arxiv.org/pdf/2308.01080v1 | http://arxiv.org/abs/2308.01080v1 | Lea Krause, Selene Báez Santamaría, Michiel van der Meer, Urja Khurana | 2023-08-02T11:04:27Z | cs.CL | This paper discusses our approaches for task-oriented conversational
modelling using subjective knowledge, with a particular emphasis on response
generation. Our methodology was shaped by an extensive data analysis that
evaluated key factors such as response length, sentiment, and dialogue acts
present in the provided dataset. We used few-shot learning to augment the data
with newly generated subjective knowledge items and present three approaches
for DSTC11: (1) task-specific model exploration, (2) incorporation of the most
frequent question into all generated responses, and (3) a waterfall prompting
technique using a combination of both GPT-3 and ChatGPT. | cs.CL | Leveraging Few-Shot Data Augmentation and Waterfall Prompting for Response Generation |
2023-08-02T10:39:11Z | http://arxiv.org/pdf/2308.02556v1 | http://arxiv.org/abs/2308.02556v1 | Susan Leavy, Emilie Pine, Mark T Keane | 2023-08-02T10:39:11Z | cs.CL, cs.CY | We present a text mining system to support the exploration of large volumes
of text detailing the findings of government inquiries. Despite their
historical significance and potential societal impact, key findings of
inquiries are often hidden within lengthy documents and remain inaccessible to
the general public. We transform the findings of the Irish government's inquiry
into industrial schools and through the use of word embedding, text
classification and visualisation, present an interactive web-based platform
that enables the exploration of the text to uncover new historical insights. | cs.CL | Industrial Memories: Exploring the Findings of Government Inquiries with Neural Word Embedding and Machine Learning |
2023-08-02T09:38:29Z | http://arxiv.org/pdf/2308.01044v1 | http://arxiv.org/abs/2308.01044v1 | Yunmeng Li, Jun Suzuki, Makoto Morishita, Kaori Abe, Ryoko Tokuhisa, Ana Brassard, Kentaro Inui | 2023-08-02T09:38:29Z | cs.CL, cs.AI | In this paper, we describe the development of a communication support system
that detects erroneous translations to facilitate crosslingual communications
due to the limitations of current machine chat translation methods. We trained
an error detector as the baseline of the system and constructed a new
Japanese-English bilingual chat corpus, BPersona-chat, which comprises
multiturn colloquial chats augmented with crowdsourced quality ratings. The
error detector can serve as an encouraging foundation for more advanced
erroneous translation detection systems. | cs.CL | Chat Translation Error Detection for Assisting Cross-lingual Communications |
2023-08-02T08:59:52Z | http://arxiv.org/pdf/2308.01018v1 | http://arxiv.org/abs/2308.01018v1 | Ramanan Sivaguru, Vasista Sai Lodagala, S Umesh | 2023-08-02T08:59:52Z | cs.CL, cs.SD, eess.AS | While FastSpeech2 aims to integrate aspects of speech such as pitch, energy,
and duration as conditional inputs, it still leaves scope for richer
representations. As a part of this work, we leverage representations from
various Self-Supervised Learning (SSL) models to enhance the quality of the
synthesized speech. In particular, we pass the FastSpeech2 encoder's
length-regulated outputs through a series of encoder layers with the objective
of reconstructing the SSL representations. In the SALTTS-parallel
implementation, the representations from this second encoder are used for an
auxiliary reconstruction loss with the SSL features. The SALTTS-cascade
implementation, however, passes these representations through the decoder in
addition to having the reconstruction loss. The richness of speech
characteristics from the SSL features reflects in the output speech quality,
with the objective and subjective evaluation measures of the proposed approach
outperforming the baseline FastSpeech2. | cs.CL | SALTTS: Leveraging Self-Supervised Speech Representations for improved Text-to-Speech Synthesis |
2023-08-02T05:00:12Z | http://arxiv.org/pdf/2308.00946v2 | http://arxiv.org/abs/2308.00946v2 | Tim Hartill, Neset Tan, Michael Witbrock, Patricia J. Riddle | 2023-08-21T00:28:44Z | cs.CL, cs.AI | We equip a smaller Language Model to generalise to answering challenging
compositional questions that have not been seen in training. To do so we
propose a combination of multitask supervised pretraining on up to 93 tasks
designed to instill diverse reasoning abilities, and a dense retrieval system
that aims to retrieve a set of evidential paragraph fragments. Recent progress
in question-answering has been achieved either through prompting methods
against very large pretrained Language Models in zero or few-shot fashion, or
by fine-tuning smaller models, sometimes in conjunction with information
retrieval. We focus on the less explored question of the extent to which
zero-shot generalisation can be enabled in smaller models with retrieval
against a corpus within which sufficient information to answer a particular
question may not exist. We establish strong baselines in this setting for
diverse evaluation datasets (StrategyQA, CommonsenseQA, IIRC, DROP, Musique and
ARC-DA), and show that performance can be significantly improved by adding
retrieval-augmented training datasets which are designed to expose our models
to a variety of heuristic reasoning strategies such as weighing partial
evidence or ignoring an irrelevant context. | cs.CL | Teaching Smaller Language Models To Generalise To Unseen Compositional Questions |
2023-08-02T04:43:54Z | http://arxiv.org/pdf/2308.00939v1 | http://arxiv.org/abs/2308.00939v1 | Xinze Li, Kezhi Mao, Fanfan Lin, Zijian Feng | 2023-08-02T04:43:54Z | cs.CL, cs.AI | Category text generation receives considerable attentions since it is
beneficial for various natural language processing tasks. Recently, the
generative adversarial network (GAN) has attained promising performance in text
generation, attributed to its adversarial training process. However, there are
several issues in text GANs, including discreteness, training instability, mode
collapse, lack of diversity and controllability etc. To address these issues,
this paper proposes a novel GAN framework, the feature-aware conditional GAN
(FA-GAN), for controllable category text generation. In FA-GAN, the generator
has a sequence-to-sequence structure for improving sentence diversity, which
consists of three encoders including a special feature-aware encoder and a
category-aware encoder, and one relational-memory-core-based decoder with the
Gumbel SoftMax activation function. The discriminator has an additional
category classification head. To generate sentences with specified categories,
the multi-class classification loss is supplemented in the adversarial
training. Comprehensive experiments have been conducted, and the results show
that FA-GAN consistently outperforms 10 state-of-the-art text generation
approaches on 6 text classification datasets. The case study demonstrates that
the synthetic sentences generated by FA-GAN can match the required categories
and are aware of the features of conditioned sentences, with good readability,
fluency, and text authenticity. | cs.CL | Feature-aware conditional GAN for category text generation |
2023-08-01T23:29:16Z | http://arxiv.org/pdf/2308.00878v1 | http://arxiv.org/abs/2308.00878v1 | Qingyang Wu, James Gung, Raphael Shu, Yi Zhang | 2023-08-01T23:29:16Z | cs.CL | Dialogue act annotations are important to improve response generation quality
in task-oriented dialogue systems. However, it can be challenging to use
dialogue acts to control response generation in a generalizable way because
different datasets and tasks may have incompatible annotations. While
alternative methods that utilize latent action spaces or reinforcement learning
do not require explicit annotations, they may lack interpretability or face
difficulties defining task-specific rewards. In this work, we present a novel
end-to-end latent dialogue act model (DiactTOD) that represents dialogue acts
in a latent space. DiactTOD, when pre-trained on a large corpus, is able to
predict and control dialogue acts to generate controllable responses using
these latent representations in a zero-shot fashion. Our approach demonstrates
state-of-the-art performance across a wide range of experimental settings on
the MultiWOZ dataset, including zero-shot, few-shot, and full data fine-tuning
with both end-to-end and policy optimization configurations. | cs.CL | DiactTOD: Learning Generalizable Latent Dialogue Acts for Controllable Task-Oriented Dialogue Systems |
2023-08-01T22:40:19Z | http://arxiv.org/pdf/2308.03679v1 | http://arxiv.org/abs/2308.03679v1 | Michael Moortgat, Mehrnoosh Sadrzadeh | 2023-08-01T22:40:19Z | cs.LO, cs.CL | By calling into question the implicit structural rules that are taken for
granted in classical logic, substructural logics have brought to the fore new
forms of reasoning with applications in many interdisciplinary areas of
interest. Modalities, in the substructural setting, provide the tools to
control and finetune the logical resource management. The focus of the workshop
is on applications in the areas of interest to the ESSLLI community, in
particular logical approaches to natural language syntax and semantics and the
dynamics of reasoning. The workshop is held with the support of the Horizon
2020 MSCA-Rise project MOSAIC . | cs.LO | Proceedings Modalities in substructural logics: Applications at the interfaces of logic, language and computation |
2023-08-01T21:23:02Z | http://arxiv.org/pdf/2308.02548v1 | http://arxiv.org/abs/2308.02548v1 | Mohammed Saad M Alaydaa, Jun Li, Karl Jinkins | 2023-08-01T21:23:02Z | cs.CL | Airport service quality evaluation is commonly found on social media,
including Google Maps. This valuable for airport management in order to enhance
the quality of services provided. However; prior studies either provide general
review for topics discussed by travellers or provide sentimental value to tag
the entire review without specifically mentioning the airport service that is
behind such value. Accordingly, this work proposes using aspect based
sentimental analysis in order to provide more detailed analysis for travellers
reviews. This works applied aspect based sentimental analysis on data collected
from Google Map about Dubai and Doha airports. The results provide tangible
reasons to use aspect based sentimental analysis in order to understand more
the travellers and spot airport services that are in need for improvement. | cs.CL | Aspect based sentimental analysis for travellers' reviews |
2023-08-01T19:34:18Z | http://arxiv.org/pdf/2308.00802v3 | http://arxiv.org/abs/2308.00802v3 | Stergios Chatzikyriakidis, Chatrine Qwaider, Ilias Kolokousis, Christina Koula, Dimitris Papadakis, Efthymia Sakellariou | 2023-11-25T09:58:18Z | cs.CL | In this paper, we present a dataset for the computational study of a number
of Modern Greek dialects. It consists of raw text data from four dialects of
Modern Greek, Cretan, Pontic, Northern Greek and Cypriot Greek. The dataset is
of considerable size, albeit imbalanced, and presents the first attempt to
create large scale dialectal resources of this type for Modern Greek dialects.
We then use the dataset to perform dialect idefntification. We experiment with
traditional ML algorithms, as well as simple DL architectures. The results show
very good performance on the task, potentially revealing that the dialects in
question have distinct enough characteristics allowing even simple ML models to
perform well on the task. Error analysis is performed for the top performing
algorithms showing that in a number of cases the errors are due to insufficient
dataset cleaning. | cs.CL | GRDD: A Dataset for Greek Dialectal NLP |
2023-08-01T18:01:21Z | http://arxiv.org/pdf/2308.00762v1 | http://arxiv.org/abs/2308.00762v1 | Mohammad Mahdi Abdollah Pour, Parsa Farinneya, Armin Toroghi, Anton Korikov, Ali Pesaranghader, Touqir Sajed, Manasa Bharadwaj, Borislav Mavrin, Scott Sanner | 2023-08-01T18:01:21Z | cs.IR, cs.CL, cs.LG | As natural language interfaces enable users to express increasingly complex
natural language queries, there is a parallel explosion of user review content
that can allow users to better find items such as restaurants, books, or movies
that match these expressive queries. While Neural Information Retrieval (IR)
methods have provided state-of-the-art results for matching queries to
documents, they have not been extended to the task of Reviewed-Item Retrieval
(RIR), where query-review scores must be aggregated (or fused) into item-level
scores for ranking. In the absence of labeled RIR datasets, we extend Neural IR
methodology to RIR by leveraging self-supervised methods for contrastive
learning of BERT embeddings for both queries and reviews. Specifically,
contrastive learning requires a choice of positive and negative samples, where
the unique two-level structure of our item-review data combined with meta-data
affords us a rich structure for the selection of these samples. For contrastive
learning in a Late Fusion scenario, we investigate the use of positive review
samples from the same item and/or with the same rating, selection of hard
positive samples by choosing the least similar reviews from the same anchor
item, and selection of hard negative samples by choosing the most similar
reviews from different items. We also explore anchor sub-sampling and
augmenting with meta-data. For a more end-to-end Early Fusion approach, we
introduce contrastive item embedding learning to fuse reviews into single item
embeddings. Experimental results show that Late Fusion contrastive learning for
Neural RIR outperforms all other contrastive IR configurations, Neural IR, and
sparse retrieval baselines, thus demonstrating the power of exploiting the
two-level structure in Neural RIR approaches as well as the importance of
preserving the nuance of individual review content via Late Fusion methods. | cs.IR | Self-Supervised Contrastive BERT Fine-tuning for Fusion-based Reviewed-Item Retrieval |
2023-08-01T18:00:08Z | http://arxiv.org/pdf/2308.00755v2 | http://arxiv.org/abs/2308.00755v2 | Preethi Seshadri, Sameer Singh, Yanai Elazar | 2023-11-15T08:51:11Z | cs.LG, cs.CL, cs.CV, cs.CY | Bias amplification is a phenomenon in which models exacerbate biases or
stereotypes present in the training data. In this paper, we study bias
amplification in the text-to-image domain using Stable Diffusion by comparing
gender ratios in training vs. generated images. We find that the model appears
to amplify gender-occupation biases found in the training data (LAION)
considerably. However, we discover that amplification can be largely attributed
to discrepancies between training captions and model prompts. For example, an
inherent difference is that captions from the training data often contain
explicit gender information while our prompts do not, which leads to a
distribution shift and consequently inflates bias measures. Once we account for
distributional differences between texts used for training and generation when
evaluating amplification, we observe that amplification decreases drastically.
Our findings illustrate the challenges of comparing biases in models and their
training data, and highlight confounding factors that impact analyses. | cs.LG | The Bias Amplification Paradox in Text-to-Image Generation |
2023-08-01T17:40:48Z | http://arxiv.org/pdf/2308.00683v1 | http://arxiv.org/abs/2308.00683v1 | Nadezhda Chirkova, Sergey Troshin | 2023-08-01T17:40:48Z | cs.LG, cs.CL, cs.SE | Recent works have widely adopted large language model pretraining for source
code, suggested source code-specific pretraining objectives and investigated
the applicability of various Transformer-based language model architectures for
source code. This work investigates another important aspect of such models,
namely the effect of different subtokenization options, and aims at identifying
most effective and length-efficient subtokenizations, taking into account code
specifics. We propose subtokenziation that reduces average length by 17%
without downstream performance drop, and show that a carefully chosen
subtokenization may improve quality by 0.5-2%, possibly with some length
increase. | cs.LG | CodeBPE: Investigating Subtokenization Options for Large Language Model Pretraining on Source Code |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.