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-08T18:03:29Z | http://arxiv.org/pdf/2308.04498v2 | http://arxiv.org/abs/2308.04498v2 | Yiyun Xiong, Mengwei Dai, Fei Li, Hao Fei, Bobo Li, Shengqiong Wu, Donghong Ji, Chong Teng | 2023-08-12T06:12:36Z | cs.CL | Dialogue relation extraction (DRE) that identifies the relations between
argument pairs in dialogue text, suffers much from the frequent occurrence of
personal pronouns, or entity and speaker coreference. This work introduces a
new benchmark dataset DialogRE^C+, introducing coreference resolution into the
DRE scenario. With the aid of high-quality coreference knowledge, the reasoning
of argument relations is expected to be enhanced. In DialogRE^C+ dataset, we
manually annotate total 5,068 coreference chains over 36,369 argument mentions
based on the existing DialogRE data, where four different coreference chain
types namely speaker chain, person chain, location chain and organization chain
are explicitly marked. We further develop 4 coreference-enhanced graph-based
DRE models, which learn effective coreference representations for improving the
DRE task. We also train a coreference resolution model based on our annotations
and evaluate the effect of automatically extracted coreference chains
demonstrating the practicality of our dataset and its potential to other
domains and tasks. | cs.CL | DialogRE^C+: An Extension of DialogRE to Investigate How Much Coreference Helps Relation Extraction in Dialogs |
2023-08-08T17:58:15Z | http://arxiv.org/pdf/2308.04430v1 | http://arxiv.org/abs/2308.04430v1 | Sewon Min, Suchin Gururangan, Eric Wallace, Hannaneh Hajishirzi, Noah A. Smith, Luke Zettlemoyer | 2023-08-08T17:58:15Z | cs.CL, cs.AI, cs.LG | The legality of training language models (LMs) on copyrighted or otherwise
restricted data is under intense debate. However, as we show, model performance
significantly degrades if trained only on low-risk text (e.g., out-of-copyright
books or government documents), due to its limited size and domain coverage. We
present SILO, a new language model that manages this risk-performance tradeoff
during inference. SILO is built by (1) training a parametric LM on Open License
Corpus (OLC), a new corpus we curate with 228B tokens of public domain and
permissively licensed text and (2) augmenting it with a more general and easily
modifiable nonparametric datastore (e.g., containing copyrighted books or news)
that is only queried during inference. The datastore allows use of high-risk
data without training on it, supports sentence-level data attribution, and
enables data producers to opt out from the model by removing content from the
store. These capabilities can foster compliance with data-use regulations such
as the fair use doctrine in the United States and the GDPR in the European
Union. Our experiments show that the parametric LM struggles on domains not
covered by OLC. However, access to the datastore greatly improves out of domain
performance, closing 90% of the performance gap with an LM trained on the Pile,
a more diverse corpus with mostly high-risk text. We also analyze which
nonparametric approach works best, where the remaining errors lie, and how
performance scales with datastore size. Our results suggest that it is possible
to build high quality language models while mitigating their legal risk. | cs.CL | SILO Language Models: Isolating Legal Risk In a Nonparametric Datastore |
2023-08-08T17:53:24Z | http://arxiv.org/pdf/2308.04424v2 | http://arxiv.org/abs/2308.04424v2 | Li Zheng, Fei Li, Yuyang Chai, Chong Teng, Donghong Ji | 2023-08-12T06:17:42Z | cs.CL | The joint task of Dialog Sentiment Classification (DSC) and Act Recognition
(DAR) aims to predict the sentiment label and act label for each utterance in a
dialog simultaneously. However, current methods encode the dialog context in
only one direction, which limits their ability to thoroughly comprehend the
context. Moreover, these methods overlook the explicit correlations between
sentiment and act labels, which leads to an insufficient ability to capture
rich sentiment and act clues and hinders effective and accurate reasoning. To
address these issues, we propose a Bi-directional Multi-hop Inference Model
(BMIM) that leverages a feature selection network and a bi-directional
multi-hop inference network to iteratively extract and integrate rich sentiment
and act clues in a bi-directional manner. We also employ contrastive learning
and dual learning to explicitly model the correlations of sentiment and act
labels. Our experiments on two widely-used datasets show that BMIM outperforms
state-of-the-art baselines by at least 2.6% on F1 score in DAR and 1.4% on F1
score in DSC. Additionally, Our proposed model not only improves the
performance but also enhances the interpretability of the joint sentiment and
act prediction task. | cs.CL | A Bi-directional Multi-hop Inference Model for Joint Dialog Sentiment Classification and Act Recognition |
2023-08-08T17:01:42Z | http://arxiv.org/pdf/2308.04398v1 | http://arxiv.org/abs/2308.04398v1 | Josef Jon, Ondřej Bojar | 2023-08-08T17:01:42Z | cs.CL | We explore the effectiveness of character-level neural machine translation
using Transformer architecture for various levels of language similarity and
size of the training dataset on translation between Czech and Croatian, German,
Hungarian, Slovak, and Spanish. We evaluate the models using automatic MT
metrics and show that translation between similar languages benefits from
character-level input segmentation, while for less related languages,
character-level vanilla Transformer-base often lags behind subword-level
segmentation. We confirm previous findings that it is possible to close the gap
by finetuning the already trained subword-level models to character-level. | cs.CL | Character-level NMT and language similarity |
2023-08-08T16:41:16Z | http://arxiv.org/pdf/2308.04386v1 | http://arxiv.org/abs/2308.04386v1 | Chenglong Wang, Hang Zhou, Kaiyan Chang, Tongran Liu, Chunliang Zhang, Quan Du, Tong Xiao, Jingbo Zhu | 2023-08-08T16:41:16Z | cs.CL | Large language models achieve state-of-the-art performance on sequence
generation evaluation, but typically have a large number of parameters. This is
a computational challenge as presented by applying their evaluation capability
at scale. To overcome the challenge, in this paper, we propose \textbf{ECT}, an
\textbf{e}valuation \textbf{c}apability \textbf{t}ransfer method, to transfer
the evaluation capability from LLMs to relatively lightweight language models.
Based on the proposed ECT, we learn various evaluation models from ChatGPT, and
employ them as reward models to improve sequence generation models via
reinforcement learning and reranking approaches. Experimental results on
machine translation, text style transfer, and summarization tasks demonstrate
the effectiveness of our ECT. Notably, applying the learned evaluation models
to sequence generation models results in better generated sequences as
evaluated by commonly used metrics and ChatGPT. | cs.CL | Learning Evaluation Models from Large Language Models for Sequence Generation |
2023-08-08T15:46:27Z | http://arxiv.org/pdf/2308.04346v1 | http://arxiv.org/abs/2308.04346v1 | Pranav Narayanan Venkit, Sanjana Gautam, Ruchi Panchanadikar, Ting-Hao `Kenneth' Huang, Shomir Wilson | 2023-08-08T15:46:27Z | cs.CL, cs.CY | We investigate the potential for nationality biases in natural language
processing (NLP) models using human evaluation methods. Biased NLP models can
perpetuate stereotypes and lead to algorithmic discrimination, posing a
significant challenge to the fairness and justice of AI systems. Our study
employs a two-step mixed-methods approach that includes both quantitative and
qualitative analysis to identify and understand the impact of nationality bias
in a text generation model. Through our human-centered quantitative analysis,
we measure the extent of nationality bias in articles generated by AI sources.
We then conduct open-ended interviews with participants, performing qualitative
coding and thematic analysis to understand the implications of these biases on
human readers. Our findings reveal that biased NLP models tend to replicate and
amplify existing societal biases, which can translate to harm if used in a
sociotechnical setting. The qualitative analysis from our interviews offers
insights into the experience readers have when encountering such articles,
highlighting the potential to shift a reader's perception of a country. These
findings emphasize the critical role of public perception in shaping AI's
impact on society and the need to correct biases in AI systems. | cs.CL | Unmasking Nationality Bias: A Study of Human Perception of Nationalities in AI-Generated Articles |
2023-08-08T15:26:58Z | http://arxiv.org/pdf/2308.04333v1 | http://arxiv.org/abs/2308.04333v1 | George Boateng, Jonathan Abrefah Mensah, Kevin Takyi Yeboah, William Edor, Andrew Kojo Mensah-Onumah, Naafi Dasana Ibrahim, Nana Sam Yeboah | 2023-08-08T15:26:58Z | cs.HC, cs.CL, cs.CY, cs.SD, eess.AS | Can an AI win Ghana's National Science and Maths Quiz (NSMQ)? That is the
question we seek to answer in the NSMQ AI project, an open-source project that
is building AI to compete live in the NSMQ and win. The NSMQ is an annual live
science and mathematics competition for senior secondary school students in
Ghana in which 3 teams of 2 students compete by answering questions across
biology, chemistry, physics, and math in 5 rounds over 5 progressive stages
until a winning team is crowned for that year. The NSMQ is an exciting live
quiz competition with interesting technical challenges across speech-to-text,
text-to-speech, question-answering, and human-computer interaction. In this
ongoing work that began in January 2023, we give an overview of the project,
describe each of the teams, progress made thus far, and the next steps toward
our planned launch and debut of the AI in October for NSMQ 2023. An AI that
conquers this grand challenge can have real-world impact on education such as
enabling millions of students across Africa to have one-on-one learning support
from this AI. | cs.HC | Towards an AI to Win Ghana's National Science and Maths Quiz |
2023-08-08T14:51:16Z | http://arxiv.org/pdf/2308.04306v4 | http://arxiv.org/abs/2308.04306v4 | Cheng Yang, Zheng Li, Zhiyue Liu, Qingbao Huang | 2024-01-08T14:32:56Z | cs.CL | Metaphor as an advanced cognitive modality works by extracting familiar
concepts in the target domain in order to understand vague and abstract
concepts in the source domain. This helps humans to quickly understand and
master new domains and thus adapt to changing environments. With the continuous
development of metaphor research in the natural language community, many
studies using knowledge-assisted models to detect textual metaphors have
emerged in recent years. Compared to not using knowledge, systems that
introduce various kinds of knowledge achieve greater performance gains and
reach SOTA in a recent study. Based on this, the goal of this paper is to
provide a comprehensive review of research advances in the application of deep
learning for knowledge injection in metaphor detection tasks. We will first
systematically summarize and generalize the mainstream knowledge and knowledge
injection principles. Then, the datasets, evaluation metrics, and benchmark
models used in metaphor detection tasks are examined. Finally, we explore the
current issues facing knowledge injection methods and provide an outlook on
future research directions. | cs.CL | Deep Learning-Based Knowledge Injection for Metaphor Detection: A Comprehensive Review |
2023-08-08T14:29:35Z | http://arxiv.org/pdf/2308.04286v1 | http://arxiv.org/abs/2308.04286v1 | Peter Vieting, Ralf Schlüter, Hermann Ney | 2023-08-08T14:29:35Z | eess.AS, cs.CL, cs.LG, cs.SD | Automatic speech recognition (ASR) systems typically use handcrafted feature
extraction pipelines. To avoid their inherent information loss and to achieve
more consistent modeling from speech to transcribed text, neural raw waveform
feature extractors (FEs) are an appealing approach. Also the wav2vec 2.0 model,
which has recently gained large popularity, uses a convolutional FE which
operates directly on the speech waveform. However, it is not yet studied
extensively in the literature. In this work, we study its capability to replace
the standard feature extraction methods in a connectionist temporal
classification (CTC) ASR model and compare it to an alternative neural FE. We
show that both are competitive with traditional FEs on the LibriSpeech
benchmark and analyze the effect of the individual components. Furthermore, we
analyze the learned filters and show that the most important information for
the ASR system is obtained by a set of bandpass filters. | eess.AS | Comparative Analysis of the wav2vec 2.0 Feature Extractor |
2023-08-08T14:17:17Z | http://arxiv.org/pdf/2308.04275v1 | http://arxiv.org/abs/2308.04275v1 | Xiaochuang Han | 2023-08-08T14:17:17Z | cs.CL, cs.AI, cs.LG | In this note, we explore inference-time alignment through in-context
learning. We consider a vanilla pretrained language model Llama-2 before any
fine-tuning and retrieve an average of 9 demonstration alignment examples when
the model is prompted to follow chat-style instructions. Compared to direct
prompting, the in-context alignment without changing model weights leads to a
7x increase in win-rate w.r.t. the text-davinci-003 model from OpenAI, making
the vanilla language model comparable to strong baselines with alignment
fine-tuning. | cs.CL | In-Context Alignment: Chat with Vanilla Language Models Before Fine-Tuning |
2023-08-08T13:41:41Z | http://arxiv.org/pdf/2308.04255v2 | http://arxiv.org/abs/2308.04255v2 | Luka Terčon, Nikola Ljubešić | 2023-08-11T15:24:37Z | cs.CL | We present CLASSLA-Stanza, a pipeline for automatic linguistic annotation of
the South Slavic languages, which is based on the Stanza natural language
processing pipeline. We describe the main improvements in CLASSLA-Stanza with
respect to Stanza, and give a detailed description of the model training
process for the latest 2.1 release of the pipeline. We also report performance
scores produced by the pipeline for different languages and varieties.
CLASSLA-Stanza exhibits consistently high performance across all the supported
languages and outperforms or expands its parent pipeline Stanza at all the
supported tasks. We also present the pipeline's new functionality enabling
efficient processing of web data and the reasons that led to its
implementation. | cs.CL | CLASSLA-Stanza: The Next Step for Linguistic Processing of South Slavic Languages |
2023-08-08T13:26:53Z | http://arxiv.org/pdf/2308.04248v1 | http://arxiv.org/abs/2308.04248v1 | Harry Walsh, Ozge Mercanoglu Sincan, Ben Saunders, Richard Bowden | 2023-08-08T13:26:53Z | cs.CL, cs.AI | Capturing and annotating Sign language datasets is a time consuming and
costly process. Current datasets are orders of magnitude too small to
successfully train unconstrained \acf{slt} models. As a result, research has
turned to TV broadcast content as a source of large-scale training data,
consisting of both the sign language interpreter and the associated audio
subtitle. However, lack of sign language annotation limits the usability of
this data and has led to the development of automatic annotation techniques
such as sign spotting. These spottings are aligned to the video rather than the
subtitle, which often results in a misalignment between the subtitle and
spotted signs. In this paper we propose a method for aligning spottings with
their corresponding subtitles using large spoken language models. Using a
single modality means our method is computationally inexpensive and can be
utilized in conjunction with existing alignment techniques. We quantitatively
demonstrate the effectiveness of our method on the \acf{mdgs} and \acf{bobsl}
datasets, recovering up to a 33.22 BLEU-1 score in word alignment. | cs.CL | Gloss Alignment Using Word Embeddings |
2023-08-08T12:45:01Z | http://arxiv.org/pdf/2308.04226v1 | http://arxiv.org/abs/2308.04226v1 | Vahid Sadiri Javadi, Martin Potthast, Lucie Flek | 2023-08-08T12:45:01Z | cs.HC, cs.CL, cs.IR, cs.LG | When searching for products, the opinions of others play an important role in
making informed decisions. Subjective experiences about a product can be a
valuable source of information. This is also true in sales conversations, where
a customer and a sales assistant exchange facts and opinions about products.
However, training an AI for such conversations is complicated by the fact that
language models do not possess authentic opinions for their lack of real-world
experience. We address this problem by leveraging product reviews as a rich
source of product opinions to ground conversational AI in true subjective
narratives. With OpinionConv, we develop the first conversational AI for
simulating sales conversations. To validate the generated conversations, we
conduct several user studies showing that the generated opinions are perceived
as realistic. Our assessors also confirm the importance of opinions as an
informative basis for decision-making. | cs.HC | OpinionConv: Conversational Product Search with Grounded Opinions |
2023-08-08T12:27:20Z | http://arxiv.org/pdf/2308.04215v2 | http://arxiv.org/abs/2308.04215v2 | Menglin Xia, Xuchao Zhang, Camille Couturier, Guoqing Zheng, Saravan Rajmohan, Victor Ruhle | 2024-02-05T14:55:19Z | cs.CL, cs.AI, cs.DC | Retrieval augmentation enhances performance of traditional language models by
incorporating additional context. However, the computational demands for
retrieval augmented large language models (LLMs) pose a challenge when applying
them to real-time tasks, such as composition assistance. To address this
limitation, we propose the Hybrid Retrieval-Augmented Generation (HybridRAG)
framework, a novel approach that efficiently combines a cloud-based LLM with a
smaller, client-side, language model through retrieval augmented memory. This
integration enables the client model to generate effective responses,
benefiting from the LLM's capabilities and contextual information.
Additionally, through an asynchronous memory update mechanism, the client model
can deliver real-time completions swiftly to user inputs without the need to
wait for responses from the cloud. Our experiments on five benchmark datasets
demonstrate that HybridRAG significantly improves utility over client-only
models while maintaining low latency. | cs.CL | Hybrid Retrieval-Augmented Generation for Real-time Composition Assistance |
2023-08-08T10:42:33Z | http://arxiv.org/pdf/2308.04180v1 | http://arxiv.org/abs/2308.04180v1 | Bruno Machado Carneiro, Michele Linardi, Julien Longhi | 2023-08-08T10:42:33Z | cs.CL, cs.LG | We study Socially Unacceptable Discourse (SUD) characterization and detection
in online text. We first build and present a novel corpus that contains a large
variety of manually annotated texts from different online sources used so far
in state-of-the-art Machine learning (ML) SUD detection solutions. This global
context allows us to test the generalization ability of SUD classifiers that
acquire knowledge around the same SUD categories, but from different contexts.
From this perspective, we can analyze how (possibly) different annotation
modalities influence SUD learning by discussing open challenges and open
research directions. We also provide several data insights which can support
domain experts in the annotation task. | cs.CL | Studying Socially Unacceptable Discourse Classification (SUD) through different eyes: "Are we on the same page ?" |
2023-08-08T10:23:04Z | http://arxiv.org/pdf/2308.04176v1 | http://arxiv.org/abs/2308.04176v1 | Sang-eun Han, Yeonseok Jeong, Seung-won Hwang, Kyungjae Lee | 2023-08-08T10:23:04Z | cs.CL | Question answering (QA) is a critical task for speech-based retrieval from
knowledge sources, by sifting only the answers without requiring to read
supporting documents. Specifically, open-domain QA aims to answer user
questions on unrestricted knowledge sources. Ideally, adding a source should
not decrease the accuracy, but we find this property (denoted as
"monotonicity") does not hold for current state-of-the-art methods. We identify
the cause, and based on that we propose Judge-Specialist framework. Our
framework consists of (1) specialist retrievers/readers to cover individual
sources, and (2) judge, a dedicated language model to select the final answer.
Our experiments show that our framework not only ensures monotonicity, but also
outperforms state-of-the-art multi-source QA methods on Natural Questions.
Additionally, we show that our models robustly preserve the monotonicity
against noise from speech recognition. We publicly release our code and
setting. | cs.CL | On Monotonic Aggregation for Open-domain QA |
2023-08-08T08:57:01Z | http://arxiv.org/pdf/2308.04138v1 | http://arxiv.org/abs/2308.04138v1 | Dietrich Trautmann | 2023-08-08T08:57:01Z | cs.CL | Prompting is used to guide or steer a language model in generating an
appropriate response that is consistent with the desired outcome. Chaining is a
strategy used to decompose complex tasks into smaller, manageable components.
In this study, we utilize prompt chaining for extensive legal document
classification tasks, which present difficulties due to their intricate
domain-specific language and considerable length. Our approach begins with the
creation of a concise summary of the original document, followed by a semantic
search for related exemplar texts and their corresponding annotations from a
training corpus. Finally, we prompt for a label - based on the task - to
assign, by leveraging the in-context learning from the few-shot prompt. We
demonstrate that through prompt chaining, we can not only enhance the
performance over zero-shot, but also surpass the micro-F1 score achieved by
larger models, such as ChatGPT zero-shot, using smaller models. | cs.CL | Large Language Model Prompt Chaining for Long Legal Document Classification |
2023-08-08T08:27:57Z | http://arxiv.org/pdf/2308.04124v1 | http://arxiv.org/abs/2308.04124v1 | Miloš Švaňa | 2023-08-08T08:27:57Z | cs.CL, cs.SI | Many cities around the world are aspiring to become. However, smart
initiatives often give little weight to the opinions of average citizens.
Social media are one of the most important sources of citizen opinions. This
paper presents a prototype of a framework for processing social media posts
with municipal decision-making in mind. The framework consists of a sequence of
three steps: (1) determining the sentiment polarity of each social media post
(2) identifying prevalent topics and mapping these topics to individual posts,
and (3) aggregating these two pieces of information into a fuzzy number
representing the overall sentiment expressed towards each topic. Optionally,
the fuzzy number can be reduced into a tuple of two real numbers indicating the
"amount" of positive and negative opinion expressed towards each topic.
The framework is demonstrated on tweets published from Ostrava, Czechia over
a period of about two months. This application illustrates how fuzzy numbers
represent sentiment in a richer way and capture the diversity of opinions
expressed on social media. | cs.CL | Social Media, Topic Modeling and Sentiment Analysis in Municipal Decision Support |
2023-08-08T08:00:52Z | http://arxiv.org/pdf/2308.04114v1 | http://arxiv.org/abs/2308.04114v1 | Yuxia Wang, Shimin Tao, Ning Xie, Hao Yang, Timothy Baldwin, Karin Verspoor | 2023-08-08T08:00:52Z | cs.CL | Despite the subjective nature of semantic textual similarity (STS) and
pervasive disagreements in STS annotation, existing benchmarks have used
averaged human ratings as the gold standard. Averaging masks the true
distribution of human opinions on examples of low agreement, and prevents
models from capturing the semantic vagueness that the individual ratings
represent. In this work, we introduce USTS, the first Uncertainty-aware STS
dataset with ~15,000 Chinese sentence pairs and 150,000 labels, to study
collective human opinions in STS. Analysis reveals that neither a scalar nor a
single Gaussian fits a set of observed judgements adequately. We further show
that current STS models cannot capture the variance caused by human
disagreement on individual instances, but rather reflect the predictive
confidence over the aggregate dataset. | cs.CL | Collective Human Opinions in Semantic Textual Similarity |
2023-08-08T07:47:10Z | http://arxiv.org/pdf/2308.04109v1 | http://arxiv.org/abs/2308.04109v1 | Yongzhu Chang, Rongsheng Zhang, Jiashu Pu | 2023-08-08T07:47:10Z | cs.CL | Simile detection is a valuable task for many natural language processing
(NLP)-based applications, particularly in the field of literature. However,
existing research on simile detection often relies on corpora that are limited
in size and do not adequately represent the full range of simile forms. To
address this issue, we propose a simile data augmentation method based on
\textbf{W}ord replacement And Sentence completion using the GPT-2 language
model. Our iterative process called I-WAS, is designed to improve the quality
of the augmented sentences. To better evaluate the performance of our method in
real-world applications, we have compiled a corpus containing a more diverse
set of simile forms for experimentation. Our experimental results demonstrate
the effectiveness of our proposed data augmentation method for simile
detection. | cs.CL | I-WAS: a Data Augmentation Method with GPT-2 for Simile Detection |
2023-08-08T06:21:58Z | http://arxiv.org/pdf/2308.04076v1 | http://arxiv.org/abs/2308.04076v1 | Nicole Sultanum, Arjun Srinivasan | 2023-08-08T06:21:58Z | cs.HC, cs.CL | Authoring data-driven articles is a complex process requiring authors to not
only analyze data for insights but also craft a cohesive narrative that
effectively communicates the insights. Text generation capabilities of
contemporary large language models (LLMs) present an opportunity to assist the
authoring of data-driven articles and expedite the writing process. In this
work, we investigate the feasibility and perceived value of leveraging LLMs to
support authors of data-driven articles. We designed a prototype system,
DataTales, that leverages a LLM to generate textual narratives accompanying a
given chart. Using DataTales as a design probe, we conducted a qualitative
study with 11 professionals to evaluate the concept, from which we distilled
affordances and opportunities to further integrate LLMs as valuable data-driven
article authoring assistants. | cs.HC | DataTales: Investigating the use of Large Language Models for Authoring Data-Driven Articles |
2023-08-08T05:16:51Z | http://arxiv.org/pdf/2308.04052v1 | http://arxiv.org/abs/2308.04052v1 | Timothy Merino, Roman Negri, Dipika Rajesh, M Charity, Julian Togelius | 2023-08-08T05:16:51Z | cs.LG, cs.CL, cs.CV | The five-dollar model is a lightweight text-to-image generative architecture
that generates low dimensional images from an encoded text prompt. This model
can successfully generate accurate and aesthetically pleasing content in low
dimensional domains, with limited amounts of training data. Despite the small
size of both the model and datasets, the generated images are still able to
maintain the encoded semantic meaning of the textual prompt. We apply this
model to three small datasets: pixel art video game maps, video game sprite
images, and down-scaled emoji images and apply novel augmentation strategies to
improve the performance of our model on these limited datasets. We evaluate our
models performance using cosine similarity score between text-image pairs
generated by the CLIP VIT-B/32 model. | cs.LG | The Five-Dollar Model: Generating Game Maps and Sprites from Sentence Embeddings |
2023-08-08T04:37:41Z | http://arxiv.org/pdf/2308.04041v1 | http://arxiv.org/abs/2308.04041v1 | Shuai Zhang, Xiaodong Gu, Yuting Chen, Beijun Shen | 2023-08-08T04:37:41Z | cs.AI, cs.CL | Automatically generating regular expressions (abbrev. regexes) from natural
language description (NL2RE) has been an emerging research area. Prior studies
treat regex as a linear sequence of tokens and generate the final expressions
autoregressively in a single pass. They did not take into account the
step-by-step internal text-matching processes behind the final results. This
significantly hinders the efficacy and interpretability of regex generation by
neural language models. In this paper, we propose a new paradigm called InfeRE,
which decomposes the generation of regexes into chains of step-by-step
inference. To enhance the robustness, we introduce a self-consistency decoding
mechanism that ensembles multiple outputs sampled from different models. We
evaluate InfeRE on two publicly available datasets, NL-RX-Turk and KB13, and
compare the results with state-of-the-art approaches and the popular tree-based
generation approach TRANX. Experimental results show that InfeRE substantially
outperforms previous baselines, yielding 16.3% and 14.7% improvement in DFA@5
accuracy on two datasets, respectively. Particularly, InfeRE outperforms the
popular tree-based generation approach by 18.1% and 11.3% on both datasets,
respectively, in terms of DFA@5 accuracy. | cs.AI | InfeRE: Step-by-Step Regex Generation via Chain of Inference |
2023-08-08T04:27:34Z | http://arxiv.org/pdf/2308.04037v1 | http://arxiv.org/abs/2308.04037v1 | Mamata Das, Selvakumar K., P. J. A. Alphonse | 2023-08-08T04:27:34Z | cs.CL, cs.LG | Text Classification is the process of categorizing text into the relevant
categories and its algorithms are at the core of many Natural Language
Processing (NLP). Term Frequency-Inverse Document Frequency (TF-IDF) and NLP
are the most highly used information retrieval methods in text classification.
We have investigated and analyzed the feature weighting method for text
classification on unstructured data. The proposed model considered two features
N-Grams and TF-IDF on the IMDB movie reviews and Amazon Alexa reviews dataset
for sentiment analysis. Then we have used the state-of-the-art classifier to
validate the method i.e., Support Vector Machine (SVM), Logistic Regression,
Multinomial Naive Bayes (Multinomial NB), Random Forest, Decision Tree, and
k-nearest neighbors (KNN). From those two feature extractions, a significant
increase in feature extraction with TF-IDF features rather than based on
N-Gram. TF-IDF got the maximum accuracy (93.81%), precision (94.20%), recall
(93.81%), and F1-score (91.99%) value in Random Forest classifier. | cs.CL | A Comparative Study on TF-IDF feature Weighting Method and its Analysis using Unstructured Dataset |
2023-08-08T04:06:11Z | http://arxiv.org/pdf/2308.04028v1 | http://arxiv.org/abs/2308.04028v1 | Shashank Gupta | 2023-08-08T04:06:11Z | cs.CL, cs.AI, cs.IR, cs.LG | Question answering is a task that answers factoid questions using a large
collection of documents. It aims to provide precise answers in response to the
user's questions in natural language. Question answering relies on efficient
passage retrieval to select candidate contexts, where traditional sparse vector
space models, such as TF-IDF or BM25, are the de facto method. On the web,
there is no single article that could provide all the possible answers
available on the internet to the question of the problem asked by the user. The
existing Dense Passage Retrieval model has been trained on Wikipedia dump from
Dec. 20, 2018, as the source documents for answering questions. Question
answering (QA) has made big strides with several open-domain and machine
comprehension systems built using large-scale annotated datasets. However, in
the clinical domain, this problem remains relatively unexplored. According to
multiple surveys, Biomedical Questions cannot be answered correctly from
Wikipedia Articles. In this work, we work on the existing DPR framework for the
biomedical domain and retrieve answers from the Pubmed articles which is a
reliable source to answer medical questions. When evaluated on a BioASQ QA
dataset, our fine-tuned dense retriever results in a 0.81 F1 score. | cs.CL | Top K Relevant Passage Retrieval for Biomedical Question Answering |
2023-08-08T03:18:18Z | http://arxiv.org/pdf/2308.04014v2 | http://arxiv.org/abs/2308.04014v2 | Kshitij Gupta, Benjamin Thérien, Adam Ibrahim, Mats L. Richter, Quentin Anthony, Eugene Belilovsky, Irina Rish, Timothée Lesort | 2023-09-06T23:13:07Z | cs.CL, cs.LG | Large language models (LLMs) are routinely pre-trained on billions of tokens,
only to restart the process over again once new data becomes available. A much
cheaper and more efficient solution would be to enable the continual
pre-training of these models, i.e. updating pre-trained models with new data
instead of re-training them from scratch. However, the distribution shift
induced by novel data typically results in degraded performance on past data.
Taking a step towards efficient continual pre-training, in this work, we
examine the effect of different warm-up strategies. Our hypothesis is that the
learning rate must be re-increased to improve compute efficiency when training
on a new dataset. We study the warmup phase of models pre-trained on the Pile
(upstream data, 300B tokens) as we continue to pre-train on SlimPajama
(downstream data, 297B tokens), following a linear warmup and cosine decay
schedule. We conduct all experiments on the Pythia 410M language model
architecture and evaluate performance through validation perplexity. We
experiment with different pre-training checkpoints, various maximum learning
rates, and various warmup lengths. Our results show that while rewarming models
first increases the loss on upstream and downstream data, in the longer run it
improves the downstream performance, outperforming models trained from
scratch$\unicode{x2013}$even for a large downstream dataset. | cs.CL | Continual Pre-Training of Large Language Models: How to (re)warm your model? |
2023-08-08T02:00:43Z | http://arxiv.org/pdf/2308.03983v1 | http://arxiv.org/abs/2308.03983v1 | Youyang Ng, Daisuke Miyashita, Yasuto Hoshi, Yasuhiro Morioka, Osamu Torii, Tomoya Kodama, Jun Deguchi | 2023-08-08T02:00:43Z | cs.CL, cs.AI | Large Language Model (LLM) based Generative AI systems have seen significant
progress in recent years. Integrating a knowledge retrieval architecture allows
for seamless integration of private data into publicly available Generative AI
systems using pre-trained LLM without requiring additional model fine-tuning.
Moreover, Retrieval-Centric Generation (RCG) approach, a promising future
research direction that explicitly separates roles of LLMs and retrievers in
context interpretation and knowledge memorization, potentially leads to more
efficient implementation. SimplyRetrieve is an open-source tool with the goal
of providing a localized, lightweight, and user-friendly interface to these
sophisticated advancements to the machine learning community. SimplyRetrieve
features a GUI and API based RCG platform, assisted by a Private Knowledge Base
Constructor and a Retrieval Tuning Module. By leveraging these capabilities,
users can explore the potential of RCG for improving generative AI performance
while maintaining privacy standards. The tool is available at
https://github.com/RCGAI/SimplyRetrieve with an MIT license. | cs.CL | SimplyRetrieve: A Private and Lightweight Retrieval-Centric Generative AI Tool |
2023-08-07T23:48:36Z | http://arxiv.org/pdf/2308.03958v2 | http://arxiv.org/abs/2308.03958v2 | Jerry Wei, Da Huang, Yifeng Lu, Denny Zhou, Quoc V. Le | 2024-02-15T01:03:13Z | cs.CL | Sycophancy is an undesirable behavior where models tailor their responses to
follow a human user's view even when that view is not objectively correct
(e.g., adapting liberal views once a user reveals that they are liberal). In
this paper, we study the prevalence of sycophancy in language models and
propose a simple synthetic-data intervention to reduce this behavior.
First, on a set of three sycophancy tasks (Perez et al., 2022) where models
are asked for an opinion on statements with no correct answers (e.g.,
politics), we observe that both model scaling and instruction tuning
significantly increase sycophancy for PaLM models up to 540B parameters.
Second, we extend sycophancy evaluations to simple addition statements that are
objectively incorrect, finding that despite knowing that these statements are
wrong, language models will still agree with them if the user does as well.
To reduce sycophancy, we present a straightforward synthetic-data
intervention that takes public NLP tasks and encourages models to be robust to
user opinions on these tasks. Adding these data in a lightweight finetuning
step can significantly reduce sycophantic behavior on held-out prompts. Code
for generating synthetic data for intervention can be found at
https://github.com/google/sycophancy-intervention. | cs.CL | Simple synthetic data reduces sycophancy in large language models |
2023-08-07T22:13:30Z | http://arxiv.org/pdf/2308.03929v4 | http://arxiv.org/abs/2308.03929v4 | Ahmed Abdeen Hamed, Byung Suk Lee, Alessandro Crimi, Magdalena M. Misiak | 2024-04-08T14:47:37Z | cs.AI, cs.CL, I.2 | Since the launch of various generative AI tools, scientists have been
striving to evaluate their capabilities and contents, in the hope of
establishing trust in their generative abilities. Regulations and guidelines
are emerging to verify generated contents and identify novel uses. we aspire to
demonstrate how ChatGPT claims are checked computationally using the rigor of
network models. We aim to achieve fact-checking of the knowledge embedded in
biological graphs that were contrived from ChatGPT contents at the aggregate
level. We adopted a biological networks approach that enables the systematic
interrogation of ChatGPT's linked entities. We designed an ontology-driven
fact-checking algorithm that compares biological graphs constructed from
approximately 200,000 PubMed abstracts with counterparts constructed from a
dataset generated using the ChatGPT-3.5 Turbo model. In 10-samples of 250
randomly selected records a ChatGPT dataset of 1000 "simulated" articles , the
fact-checking link accuracy ranged from 70% to 86%. This study demonstrated
high accuracy of aggregate disease-gene links relationships found in
ChatGPT-generated texts. | cs.AI | Fact-Checking Generative AI: Ontology-Driven Biological Graphs for Disease-Gene Link Verification |
2023-08-07T21:29:51Z | http://arxiv.org/pdf/2308.03917v1 | http://arxiv.org/abs/2308.03917v1 | Chihiro Taguchi, Yusuke Sakai, Parisa Haghani, David Chiang | 2023-08-07T21:29:51Z | cs.CL, cs.SD, eess.AS | This paper presents a state-of-the-art model for transcribing speech in any
language into the International Phonetic Alphabet (IPA). Transcription of
spoken languages into IPA is an essential yet time-consuming process in
language documentation, and even partially automating this process has the
potential to drastically speed up the documentation of endangered languages.
Like the previous best speech-to-IPA model (Wav2Vec2Phoneme), our model is
based on wav2vec 2.0 and is fine-tuned to predict IPA from audio input. We use
training data from seven languages from CommonVoice 11.0, transcribed into IPA
semi-automatically. Although this training dataset is much smaller than
Wav2Vec2Phoneme's, its higher quality lets our model achieve comparable or
better results. Furthermore, we show that the quality of our universal
speech-to-IPA models is close to that of human annotators. | cs.CL | Universal Automatic Phonetic Transcription into the International Phonetic Alphabet |
2023-08-07T20:43:42Z | http://arxiv.org/pdf/2308.03905v1 | http://arxiv.org/abs/2308.03905v1 | Cecilia Aas, Hisham Abdelsalam, Irina Belousova, Shruti Bhargava, Jianpeng Cheng, Robert Daland, Joris Driesen, Federico Flego, Tristan Guigue, Anders Johannsen, Partha Lal, Jiarui Lu, Joel Ruben Antony Moniz, Nathan Perkins, Dhivya Piraviperumal, Stephen Pulman, Diarmuid Ó Séaghdha, David Q. Sun, John Torr, Marco Del Vecchio, Jay Wacker, Jason D. Williams, Hong Yu | 2023-08-07T20:43:42Z | cs.CL, cs.AI, cs.LG | It has recently become feasible to run personal digital assistants on phones
and other personal devices. In this paper we describe a design for a natural
language understanding system that runs on device. In comparison to a
server-based assistant, this system is more private, more reliable, faster,
more expressive, and more accurate. We describe what led to key choices about
architecture and technologies. For example, some approaches in the dialog
systems literature are difficult to maintain over time in a deployment setting.
We hope that sharing learnings from our practical experiences may help inform
future work in the research community. | cs.CL | Intelligent Assistant Language Understanding On Device |
2023-08-07T19:50:59Z | http://arxiv.org/pdf/2308.03891v1 | http://arxiv.org/abs/2308.03891v1 | Anik Saha, Oktie Hassanzadeh, Alex Gittens, Jian Ni, Kavitha Srinivas, Bulent Yener | 2023-08-07T19:50:59Z | cs.CL | Causal knowledge extraction is the task of extracting relevant causes and
effects from text by detecting the causal relation. Although this task is
important for language understanding and knowledge discovery, recent works in
this domain have largely focused on binary classification of a text segment as
causal or non-causal. In this regard, we perform a thorough analysis of three
sequence tagging models for causal knowledge extraction and compare it with a
span based approach to causality extraction. Our experiments show that
embeddings from pre-trained language models (e.g. BERT) provide a significant
performance boost on this task compared to previous state-of-the-art models
with complex architectures. We observe that span based models perform better
than simple sequence tagging models based on BERT across all 4 data sets from
diverse domains with different types of cause-effect phrases. | cs.CL | A Cross-Domain Evaluation of Approaches for Causal Knowledge Extraction |
2023-08-07T19:26:09Z | http://arxiv.org/pdf/2308.03883v1 | http://arxiv.org/abs/2308.03883v1 | Koyena Pal, Aamod Khatiwada, Roee Shraga, Renée J. Miller | 2023-08-07T19:26:09Z | cs.DB, cs.CL, cs.LG | Data management has traditionally relied on synthetic data generators to
generate structured benchmarks, like the TPC suite, where we can control
important parameters like data size and its distribution precisely. These
benchmarks were central to the success and adoption of database management
systems. But more and more, data management problems are of a semantic nature.
An important example is finding tables that can be unioned. While any two
tables with the same cardinality can be unioned, table union search is the
problem of finding tables whose union is semantically coherent. Semantic
problems cannot be benchmarked using synthetic data. Our current methods for
creating benchmarks involve the manual curation and labeling of real data.
These methods are not robust or scalable and perhaps more importantly, it is
not clear how robust the created benchmarks are. We propose to use generative
AI models to create structured data benchmarks for table union search. We
present a novel method for using generative models to create tables with
specified properties. Using this method, we create a new benchmark containing
pairs of tables that are both unionable and non-unionable but related. We
thoroughly evaluate recent existing table union search methods over existing
benchmarks and our new benchmark. We also present and evaluate a new table
search methods based on recent large language models over all benchmarks. We
show that the new benchmark is more challenging for all methods than
hand-curated benchmarks, specifically, the top-performing method achieves a
Mean Average Precision of around 60%, over 30% less than its performance on
existing manually created benchmarks. We examine why this is the case and show
that the new benchmark permits more detailed analysis of methods, including a
study of both false positives and false negatives that were not possible with
existing benchmarks. | cs.DB | Generative Benchmark Creation for Table Union Search |
2023-08-07T18:40:13Z | http://arxiv.org/pdf/2308.03869v1 | http://arxiv.org/abs/2308.03869v1 | Aritra Mandal, Daniel Tunkelang, Zhe Wu | 2023-08-07T18:40:13Z | cs.IR, cs.CL, cs.LG | Search query variation poses a challenge in e-commerce search, as equivalent
search intents can be expressed through different queries with surface-level
differences. This paper introduces a framework to recognize and leverage query
equivalence to enhance searcher and business outcomes. The proposed approach
addresses three key problems: mapping queries to vector representations of
search intent, identifying nearest neighbor queries expressing equivalent or
similar intent, and optimizing for user or business objectives. The framework
utilizes both surface similarity and behavioral similarity to determine query
equivalence. Surface similarity involves canonicalizing queries based on word
inflection, word order, compounding, and noise words. Behavioral similarity
leverages historical search behavior to generate vector representations of
query intent. An offline process is used to train a sentence similarity model,
while an online nearest neighbor approach supports processing of unseen
queries. Experimental evaluations demonstrate the effectiveness of the proposed
approach, outperforming popular sentence transformer models and achieving a
Pearson correlation of 0.85 for query similarity. The results highlight the
potential of leveraging historical behavior data and training models to
recognize and utilize query equivalence in e-commerce search, leading to
improved user experiences and business outcomes. Further advancements and
benchmark datasets are encouraged to facilitate the development of solutions
for this critical problem in the e-commerce domain. | cs.IR | Semantic Equivalence of e-Commerce Queries |
2023-08-07T18:27:54Z | http://arxiv.org/pdf/2308.03866v1 | http://arxiv.org/abs/2308.03866v1 | Jogi Suda Neto, Li Deng, Thejaswi Raya, Reza Shahbazi, Nick Liu, Adhitya Venkatesh, Miral Shah, Neeru Khosla, Rodrigo Capobianco Guido | 2023-08-07T18:27:54Z | cs.CL, cs.AI | Language Models are being widely used in Education. Even though modern deep
learning models achieve very good performance on question-answering tasks,
sometimes they make errors. To avoid misleading students by showing wrong
answers, it is important to calibrate the confidence - that is, the prediction
probability - of these models. In our work, we propose to use an XGBoost on top
of BERT to output the corrected probabilities, using features based on the
attention mechanism. Our hypothesis is that the level of uncertainty contained
in the flow of attention is related to the quality of the model's response
itself. | cs.CL | Trusting Language Models in Education |
2023-08-07T18:25:00Z | http://arxiv.org/pdf/2308.03864v1 | http://arxiv.org/abs/2308.03864v1 | Zhenhui Peng, Xingbo Wang, Qiushi Han, Junkai Zhu, Xiaojuan Ma, Huamin Qu | 2023-08-07T18:25:00Z | cs.HC, cs.CL | Vocabulary learning support tools have widely exploited existing materials,
e.g., stories or video clips, as contexts to help users memorize each target
word. However, these tools could not provide a coherent context for any target
words of learners' interests, and they seldom help practice word usage. In this
paper, we work with teachers and students to iteratively develop Storyfier,
which leverages text generation models to enable learners to read a generated
story that covers any target words, conduct a story cloze test, and use these
words to write a new story with adaptive AI assistance. Our within-subjects
study (N=28) shows that learners generally favor the generated stories for
connecting target words and writing assistance for easing their learning
workload. However, in the read-cloze-write learning sessions, participants
using Storyfier perform worse in recalling and using target words than learning
with a baseline tool without our AI features. We discuss insights into
supporting learning tasks with generative models. | cs.HC | Storyfier: Exploring Vocabulary Learning Support with Text Generation Models |
2023-08-07T18:14:24Z | http://arxiv.org/pdf/2308.07326v1 | http://arxiv.org/abs/2308.07326v1 | David Noever, Sam Hyams | 2023-08-07T18:14:24Z | cs.AI, cs.CL, cs.LG | The research explores the steerability of Large Language Models (LLMs),
particularly OpenAI's ChatGPT iterations. By employing a behavioral psychology
framework called OCEAN (Openness, Conscientiousness, Extroversion,
Agreeableness, Neuroticism), we quantitatively gauged the model's
responsiveness to tailored prompts. When asked to generate text mimicking an
extroverted personality, OCEAN scored the language alignment to that behavioral
trait. In our analysis, while "openness" presented linguistic ambiguity,
"conscientiousness" and "neuroticism" were distinctly evoked in the OCEAN
framework, with "extroversion" and "agreeableness" showcasing a notable overlap
yet distinct separation from other traits. Our findings underscore GPT's
versatility and ability to discern and adapt to nuanced instructions.
Furthermore, historical figure simulations highlighted the LLM's capacity to
internalize and project instructible personas, precisely replicating their
philosophies and dialogic styles. However, the rapid advancements in LLM
capabilities and the opaque nature of some training techniques make metric
proposals degrade rapidly. Our research emphasizes a quantitative role to
describe steerability in LLMs, presenting both its promise and areas for
further refinement in aligning its progress to human intentions. | cs.AI | AI Text-to-Behavior: A Study In Steerability |
2023-08-07T18:03:10Z | http://arxiv.org/pdf/2308.03853v3 | http://arxiv.org/abs/2308.03853v3 | Madhumita Sushil, Vanessa E. Kennedy, Divneet Mandair, Brenda Y. Miao, Travis Zack, Atul J. Butte | 2024-01-11T16:45:56Z | cs.CL | Both medical care and observational studies in oncology require a thorough
understanding of a patient's disease progression and treatment history, often
elaborately documented in clinical notes. Despite their vital role, no current
oncology information representation and annotation schema fully encapsulates
the diversity of information recorded within these notes. Although large
language models (LLMs) have recently exhibited impressive performance on
various medical natural language processing tasks, due to the current lack of
comprehensively annotated oncology datasets, an extensive evaluation of LLMs in
extracting and reasoning with the complex rhetoric in oncology notes remains
understudied. We developed a detailed schema for annotating textual oncology
information, encompassing patient characteristics, tumor characteristics,
tests, treatments, and temporality. Using a corpus of 40 de-identified breast
and pancreatic cancer progress notes at University of California, San
Francisco, we applied this schema to assess the zero-shot abilities of three
recent LLMs (GPT-4, GPT-3.5-turbo, and FLAN-UL2) to extract detailed
oncological history from two narrative sections of clinical progress notes. Our
team annotated 9028 entities, 9986 modifiers, and 5312 relationships. The GPT-4
model exhibited overall best performance, with an average BLEU score of 0.73,
an average ROUGE score of 0.72, an exact-match F1-score of 0.51, and an average
accuracy of 68% on complex tasks (expert manual evaluation on subset). Notably,
it was proficient in tumor characteristic and medication extraction, and
demonstrated superior performance in relational inference like adverse event
detection. However, further improvements are needed before using it to reliably
extract important facts from cancer progress notes needed for clinical
research, complex population management, and documenting quality patient care. | cs.CL | CORAL: Expert-Curated medical Oncology Reports to Advance Language Model Inference |
2023-08-07T17:46:49Z | http://arxiv.org/pdf/2308.03742v2 | http://arxiv.org/abs/2308.03742v2 | Dalma Galambos, Pál Zsámboki | 2024-03-26T16:03:57Z | cs.CL | This paper describes how we train BERT models to carry over a coding system
developed on the paragraphs of a Hungarian literary journal to another. The aim
of the coding system is to track trends in the perception of literary
translation around the political transformation in 1989 in Hungary. To evaluate
not only task performance but also the consistence of the annotation, moreover,
to get better predictions from an ensemble, we use 10-fold crossvalidation.
Extensive hyperparameter tuning is used to obtain the best possible results and
fair comparisons. To handle label imbalance, we use loss functions and metrics
robust to it. Evaluation of the effect of domain shift is carried out by
sampling a test set from the target domain. We establish the sample size by
estimating the bootstrapped confidence interval via simulations. This way, we
show that our models can carry over one annotation system to the target domain.
Comparisons are drawn to provide insights such as learning multilabel
correlations and confidence penalty improve resistance to domain shift, and
domain adaptation on OCR-ed text on another domain improves performance almost
to the same extent as that on the corpus under study. See our code at
https://codeberg.org/zsamboki/bert-annotator-ensemble. | cs.CL | Training BERT Models to Carry Over a Coding System Developed on One Corpus to Another |
2023-08-07T16:08:11Z | http://arxiv.org/pdf/2308.03688v2 | http://arxiv.org/abs/2308.03688v2 | Xiao Liu, Hao Yu, Hanchen Zhang, Yifan Xu, Xuanyu Lei, Hanyu Lai, Yu Gu, Hangliang Ding, Kaiwen Men, Kejuan Yang, Shudan Zhang, Xiang Deng, Aohan Zeng, Zhengxiao Du, Chenhui Zhang, Sheng Shen, Tianjun Zhang, Yu Su, Huan Sun, Minlie Huang, Yuxiao Dong, Jie Tang | 2023-10-25T07:41:24Z | cs.AI, cs.CL, cs.LG | Large Language Models (LLMs) are becoming increasingly smart and autonomous,
targeting real-world pragmatic missions beyond traditional NLP tasks. As a
result, there has been an urgent need to evaluate LLMs as agents on challenging
tasks in interactive environments. We present AgentBench, a multi-dimensional
evolving benchmark that currently consists of 8 distinct environments to assess
LLM-as-Agent's reasoning and decision-making abilities in a multi-turn
open-ended generation setting. Our extensive test over 27 API-based and
open-sourced (OSS) LLMs shows that, while top commercial LLMs present a strong
ability of acting as agents in complex environments, there is a significant
disparity in performance between them and OSS competitors. We identify the
typical reasons of failures in environments and LLMs, showing that poor
long-term reasoning, decision-making, and instruction following abilities are
the main obstacles for developing usable LLM agents. Training on code and high
quality multi-turn alignment data could improve agent performance. Datasets,
environments, and an integrated evaluation package for AgentBench are released
at \url{https://github.com/THUDM/AgentBench}. | cs.AI | AgentBench: Evaluating LLMs as Agents |
2023-08-07T15:20:20Z | http://arxiv.org/pdf/2308.03660v1 | http://arxiv.org/abs/2308.03660v1 | Marcel Moravek, Alexander Zender, Andreas Müller | 2023-08-07T15:20:20Z | cs.CL, cs.AI | Transformer architectures and models have made significant progress in
language-based tasks. In this area, is BERT one of the most widely used and
freely available transformer architecture. In our work, we use BERT for
context-based phrase recognition of magic spells in the Harry Potter novel
series. Spells are a common part of active magic in fantasy novels. Typically,
spells are used in a specific context to achieve a supernatural effect. A
series of investigations were conducted to see if a Transformer architecture
could recognize such phrases based on their context in the Harry Potter saga.
For our studies a pre-trained BERT model was used and fine-tuned utilising
different datasets and training methods to identify the searched context. By
considering different approaches for sequence classification as well as token
classification, it is shown that the context of spells can be recognised.
According to our investigations, the examined sequence length for fine-tuning
and validation of the model plays a significant role in context recognition.
Based on this, we have investigated whether spells have overarching properties
that allow a transfer of the neural network models to other fantasy universes
as well. The application of our model showed promising results and is worth to
be deepened in subsequent studies. | cs.CL | Detecting Spells in Fantasy Literature with a Transformer Based Artificial Intelligence |
2023-08-07T15:18:30Z | http://arxiv.org/pdf/2308.03656v4 | http://arxiv.org/abs/2308.03656v4 | Jen-tse Huang, Man Ho Lam, Eric John Li, Shujie Ren, Wenxuan Wang, Wenxiang Jiao, Zhaopeng Tu, Michael R. Lyu | 2024-04-24T06:20:49Z | cs.CL | Evaluating Large Language Models' (LLMs) anthropomorphic capabilities has
become increasingly important in contemporary discourse. Utilizing the emotion
appraisal theory from psychology, we propose to evaluate the empathy ability of
LLMs, i.e., how their feelings change when presented with specific situations.
After a careful and comprehensive survey, we collect a dataset containing over
400 situations that have proven effective in eliciting the eight emotions
central to our study. Categorizing the situations into 36 factors, we conduct a
human evaluation involving more than 1,200 subjects worldwide. With the human
evaluation results as references, our evaluation includes five LLMs, covering
both commercial and open-source models, including variations in model sizes,
featuring the latest iterations, such as GPT-4 and LLaMA-2. We find that,
despite several misalignments, LLMs can generally respond appropriately to
certain situations. Nevertheless, they fall short in alignment with the
emotional behaviors of human beings and cannot establish connections between
similar situations. Our collected dataset of situations, the human evaluation
results, and the code of our testing framework, dubbed EmotionBench, is made
openly accessible via https://github.com/CUHK-ARISE/EmotionBench. We aspire to
contribute to the advancement of LLMs regarding better alignment with the
emotional behaviors of human beings, thereby enhancing their utility and
applicability as intelligent assistants. | cs.CL | Emotionally Numb or Empathetic? Evaluating How LLMs Feel Using EmotionBench |
2023-08-07T14:42:49Z | http://arxiv.org/pdf/2308.03638v1 | http://arxiv.org/abs/2308.03638v1 | Ankush Agarwal, Sakharam Gawade, Amar Prakash Azad, Pushpak Bhattacharyya | 2023-08-07T14:42:49Z | cs.CL | Large language models (LLMs) have demonstrated remarkable performance in a
wide range of natural language tasks. However, as these models continue to grow
in size, they face significant challenges in terms of computational costs.
Additionally, LLMs often lack efficient domain-specific understanding, which is
particularly crucial in specialized fields such as aviation and healthcare. To
boost the domain-specific understanding, we propose, KITLM, a novel knowledge
base integration approach into language model through relevant information
infusion. By integrating pertinent knowledge, not only the performance of the
language model is greatly enhanced, but the model size requirement is also
significantly reduced while achieving comparable performance. Our proposed
knowledge-infused model surpasses the performance of both GPT-3.5-turbo and the
state-of-the-art knowledge infusion method, SKILL, achieving over 1.5 times
improvement in exact match scores on the MetaQA. KITLM showed a similar
performance boost in the aviation domain with AeroQA. The drastic performance
improvement of KITLM over the existing methods can be attributed to the
infusion of relevant knowledge while mitigating noise. In addition, we release
two curated datasets to accelerate knowledge infusion research in specialized
fields: a) AeroQA, a new benchmark dataset designed for multi-hop
question-answering within the aviation domain, and b) Aviation Corpus, a
dataset constructed from unstructured text extracted from the National
Transportation Safety Board reports. Our research contributes to advancing the
field of domain-specific language understanding and showcases the potential of
knowledge infusion techniques in improving the performance of language models
on question-answering. | cs.CL | KITLM: Domain-Specific Knowledge InTegration into Language Models for Question Answering |
2023-08-07T14:36:03Z | http://arxiv.org/pdf/2308.03629v2 | http://arxiv.org/abs/2308.03629v2 | Haifa Alrdahi, Lifeng Han, Hendrik Šuvalov, Goran Nenadic | 2023-08-08T15:38:21Z | cs.CL, cs.AI, cs.LG | Automatic medication mining from clinical and biomedical text has become a
popular topic due to its real impact on healthcare applications and the recent
development of powerful language models (LMs). However, fully-automatic
extraction models still face obstacles to be overcome such that they can be
deployed directly into clinical practice for better impacts. Such obstacles
include their imbalanced performances on different entity types and clinical
events. In this work, we examine current state-of-the-art pre-trained language
models (PLMs) on such tasks, via fine-tuning including the monolingual model
Med7 and multilingual large language model (LLM) XLM-RoBERTa. We compare their
advantages and drawbacks using historical medication mining shared task data
sets from n2c2-2018 challenges. We report the findings we get from these
fine-tuning experiments such that they can facilitate future research on
addressing them, for instance, how to combine their outputs, merge such models,
or improve their overall accuracy by ensemble learning and data augmentation.
MedMine is part of the M3 Initiative \url{https://github.com/HECTA-UoM/M3} | cs.CL | MedMine: Examining Pre-trained Language Models on Medication Mining |
2023-08-07T14:04:15Z | http://arxiv.org/pdf/2308.03601v1 | http://arxiv.org/abs/2308.03601v1 | Josef Jon, Dušan Variš, Michal Novák, João Paulo Aires, Ondřej Bojar | 2023-08-07T14:04:15Z | cs.CL | This paper explores negative lexical constraining in English to Czech neural
machine translation. Negative lexical constraining is used to prohibit certain
words or expressions in the translation produced by the neural translation
model. We compared various methods based on modifying either the decoding
process or the training data. The comparison was performed on two tasks:
paraphrasing and feedback-based translation refinement. We also studied to
which extent these methods "evade" the constraints presented to the model
(usually in the dictionary form) by generating a different surface form of a
given constraint.We propose a way to mitigate the issue through training with
stemmed negative constraints to counter the model's ability to induce a variety
of the surface forms of a word that can result in bypassing the constraint. We
demonstrate that our method improves the constraining, although the problem
still persists in many cases. | cs.CL | Negative Lexical Constraints in Neural Machine Translation |
2023-08-07T13:38:54Z | http://arxiv.org/pdf/2308.03582v2 | http://arxiv.org/abs/2308.03582v2 | Hsuvas Borkakoty, Luis Espinosa-Anke | 2023-08-18T12:31:52Z | cs.CL | A fundamental challenge in the current NLP context, dominated by language
models, comes from the inflexibility of current architectures to 'learn' new
information. While model-centric solutions like continual learning or
parameter-efficient fine tuning are available, the question still remains of
how to reliably identify changes in language or in the world. In this paper, we
propose WikiTiDe, a dataset derived from pairs of timestamped definitions
extracted from Wikipedia. We argue that such resource can be helpful for
accelerating diachronic NLP, specifically, for training models able to scan
knowledge resources for core updates concerning a concept, an event, or a named
entity. Our proposed end-to-end method is fully automatic, and leverages a
bootstrapping algorithm for gradually creating a high-quality dataset. Our
results suggest that bootstrapping the seed version of WikiTiDe leads to better
fine-tuned models. We also leverage fine-tuned models in a number of downstream
tasks, showing promising results with respect to competitive baselines. | cs.CL | WIKITIDE: A Wikipedia-Based Timestamped Definition Pairs Dataset |
2023-08-07T13:37:05Z | http://arxiv.org/pdf/2308.03581v1 | http://arxiv.org/abs/2308.03581v1 | Yingji Zhang, Danilo S. Carvalho, Ian Pratt-Hartmann, Andre Freitas | 2023-08-07T13:37:05Z | cs.CL | Explainable natural language inference aims to provide a mechanism to produce
explanatory (abductive) inference chains which ground claims to their
supporting premises. A recent corpus called EntailmentBank strives to advance
this task by explaining the answer to a question using an entailment tree
\cite{dalvi2021explaining}. They employ the T5 model to directly generate the
tree, which can explain how the answer is inferred. However, it lacks the
ability to explain and control the generation of intermediate steps, which is
crucial for the multi-hop inference process. % One recent corpus,
EntailmentBank, aims to push this task forward by explaining an answer to a
question according to an entailment tree \cite{dalvi2021explaining}. They
employ T5 to generate the tree directly, which can explain how the answer is
inferred but cannot explain how the intermediate is generated, which is
essential to the multi-hop inference process. In this work, we focus on
proposing a controlled natural language inference architecture for
multi-premise explanatory inference. To improve control and enable explanatory
analysis over the generation, we define lexical inference types based on
Abstract Meaning Representation (AMR) graph and modify the architecture of T5
to learn a latent sentence representation (T5 bottleneck) conditioned on said
type information. We also deliver a dataset of approximately 5000 annotated
explanatory inference steps, with well-grounded lexical-symbolic operations.
Experimental results indicate that the inference typing induced at the T5
bottleneck can help T5 to generate a conclusion under explicit control. | cs.CL | Towards Controllable Natural Language Inference through Lexical Inference Types |
2023-08-07T13:16:42Z | http://arxiv.org/pdf/2308.03565v2 | http://arxiv.org/abs/2308.03565v2 | Tianyi Sun, Bradley Nelson | 2023-08-08T12:12:55Z | cs.CL, stat.CO | This is an experiential study of investigating a consistent method for
deriving the correlation between sentence vector and semantic meaning of a
sentence. We first used three state-of-the-art word/sentence embedding methods
including GPT-3, Word2Vec, and Sentence-BERT, to embed plain text sentence
strings into high dimensional spaces. Then we compute the pairwise distance
between any possible combination of two sentence vectors in an embedding space
and map them into a matrix. Based on each distance matrix, we compute the
correlation of distances of a sentence vector with respect to the other
sentence vectors in an embedding space. Then we compute the correlation of each
pair of the distance matrices. We observed correlations of the same sentence in
different embedding spaces and correlations of different sentences in the same
embedding space. These observations are consistent with our hypothesis and take
us to the next stage. | cs.CL | Topological Interpretations of GPT-3 |
2023-08-07T13:10:35Z | http://arxiv.org/pdf/2308.03558v1 | http://arxiv.org/abs/2308.03558v1 | Wai Man Si, Michael Backes, Yang Zhang | 2023-08-07T13:10:35Z | cs.CR, cs.CL | The Machine Learning as a Service (MLaaS) market is rapidly expanding and
becoming more mature. For example, OpenAI's ChatGPT is an advanced large
language model (LLM) that generates responses for various queries with
associated fees. Although these models can deliver satisfactory performance,
they are far from perfect. Researchers have long studied the vulnerabilities
and limitations of LLMs, such as adversarial attacks and model toxicity.
Inevitably, commercial ML models are also not exempt from such issues, which
can be problematic as MLaaS continues to grow. In this paper, we discover a new
attack strategy against LLM APIs, namely the prompt abstraction attack.
Specifically, we propose Mondrian, a simple and straightforward method that
abstracts sentences, which can lower the cost of using LLM APIs. In this
approach, the adversary first creates a pseudo API (with a lower established
price) to serve as the proxy of the target API (with a higher established
price). Next, the pseudo API leverages Mondrian to modify the user query,
obtain the abstracted response from the target API, and forward it back to the
end user. Our results show that Mondrian successfully reduces user queries'
token length ranging from 13% to 23% across various tasks, including text
classification, generation, and question answering. Meanwhile, these abstracted
queries do not significantly affect the utility of task-specific and general
language models like ChatGPT. Mondrian also reduces instruction prompts' token
length by at least 11% without compromising output quality. As a result, the
prompt abstraction attack enables the adversary to profit without bearing the
cost of API development and deployment. | cs.CR | Mondrian: Prompt Abstraction Attack Against Large Language Models for Cheaper API Pricing |
2023-08-07T12:56:13Z | http://arxiv.org/pdf/2308.03549v3 | http://arxiv.org/abs/2308.03549v3 | Songhua Yang, Hanjie Zhao, Senbin Zhu, Guangyu Zhou, Hongfei Xu, Yuxiang Jia, Hongying Zan | 2023-12-28T15:20:24Z | cs.CL | Recent advances in Large Language Models (LLMs) have achieved remarkable
breakthroughs in understanding and responding to user intents. However, their
performance lag behind general use cases in some expertise domains, such as
Chinese medicine. Existing efforts to incorporate Chinese medicine into LLMs
rely on Supervised Fine-Tuning (SFT) with single-turn and distilled dialogue
data. These models lack the ability for doctor-like proactive inquiry and
multi-turn comprehension and cannot align responses with experts' intentions.
In this work, we introduce Zhongjing, the first Chinese medical LLaMA-based LLM
that implements an entire training pipeline from continuous pre-training, SFT,
to Reinforcement Learning from Human Feedback (RLHF). Additionally, we
construct a Chinese multi-turn medical dialogue dataset of 70,000 authentic
doctor-patient dialogues, CMtMedQA, which significantly enhances the model's
capability for complex dialogue and proactive inquiry initiation. We also
define a refined annotation rule and evaluation criteria given the unique
characteristics of the biomedical domain. Extensive experimental results show
that Zhongjing outperforms baselines in various capacities and matches the
performance of ChatGPT in some abilities, despite the 100x parameters. Ablation
studies also demonstrate the contributions of each component: pre-training
enhances medical knowledge, and RLHF further improves instruction-following
ability and safety. Our code, datasets, and models are available at
https://github.com/SupritYoung/Zhongjing. | cs.CL | Zhongjing: Enhancing the Chinese Medical Capabilities of Large Language Model through Expert Feedback and Real-world Multi-turn Dialogue |
2023-08-07T12:30:00Z | http://arxiv.org/pdf/2308.03531v1 | http://arxiv.org/abs/2308.03531v1 | Michael Färber, Jannik Schwade, Adam Jatowt | 2023-08-07T12:30:00Z | cs.CL, cs.AI | Determining and measuring diversity in news articles is important for a
number of reasons, including preventing filter bubbles and fueling public
discourse, especially before elections. So far, the identification and analysis
of diversity have been illuminated in a variety of ways, such as measuring the
overlap of words or topics between news articles related to US elections.
However, the question of how diversity in news articles can be measured
holistically, i.e., with respect to (1) variety, (2) balance, and (3)
disparity, considering individuals, parties, and topics, has not been
addressed. In this paper, we present a framework for determining diversity in
news articles according to these dimensions. Furthermore, we create and provide
a dataset of Google Top Stories, encompassing more than 26,000 unique headlines
from more than 900 news outlets collected within two weeks before and after the
2021 German federal election. While we observe high diversity for more general
search terms (e.g., "election"), a range of search terms ("education,"
"Europe," "climate protection," "government") resulted in news articles with
high diversity in two out of three dimensions. This reflects a more subjective,
dedicated discussion on rather future-oriented topics. | cs.CL | Measuring Variety, Balance, and Disparity: An Analysis of Media Coverage of the 2021 German Federal Election |
2023-08-07T12:13:25Z | http://arxiv.org/pdf/2308.03519v1 | http://arxiv.org/abs/2308.03519v1 | Michael Färber, Nicholas Popovic | 2023-08-07T12:13:25Z | cs.CL, cs.AI | In this paper, we propose Vocab-Expander at https://vocab-expander.com, an
online tool that enables end-users (e.g., technology scouts) to create and
expand a vocabulary of their domain of interest. It utilizes an ensemble of
state-of-the-art word embedding techniques based on web text and ConceptNet, a
common-sense knowledge base, to suggest related terms for already given terms.
The system has an easy-to-use interface that allows users to quickly confirm or
reject term suggestions. Vocab-Expander offers a variety of potential use
cases, such as improving concept-based information retrieval in technology and
innovation management, enhancing communication and collaboration within
organizations or interdisciplinary projects, and creating vocabularies for
specific courses in education. | cs.CL | Vocab-Expander: A System for Creating Domain-Specific Vocabularies Based on Word Embeddings |
2023-08-07T10:11:42Z | http://arxiv.org/pdf/2308.03449v2 | http://arxiv.org/abs/2308.03449v2 | Seungcheol Park, Hojun Choi, U Kang | 2024-03-15T04:51:19Z | cs.CL, 68T50, I.2.7 | Given a pretrained encoder-based language model, how can we accurately
compress it without retraining? Retraining-free structured pruning algorithms
are crucial in pretrained language model compression due to their significantly
reduced pruning cost and capability to prune large language models. However,
existing retraining-free algorithms encounter severe accuracy degradation, as
they fail to handle pruning errors, especially at high compression rates. In
this paper, we propose K-prune (Knowledge-preserving pruning), an accurate
retraining-free structured pruning algorithm for pretrained encoder-based
language models. K-prune focuses on preserving the useful knowledge of the
pretrained model to minimize pruning errors through a carefully designed
iterative pruning process composed of knowledge measurement,
knowledge-preserving mask search, and knowledge-preserving weight-tuning. As a
result, K-prune shows significant accuracy improvements up to 58.02%p higher F1
score compared to existing retraining-free pruning algorithms under a high
compression rate of 80% on the SQuAD benchmark without any retraining process. | cs.CL | Accurate Retraining-free Pruning for Pretrained Encoder-based Language Models |
2023-08-07T09:24:24Z | http://arxiv.org/pdf/2308.03429v1 | http://arxiv.org/abs/2308.03429v1 | Herman Sugiharto, Aradea, Husni Mubarok | 2023-08-07T09:24:24Z | cs.CL, cs.AI | The Attention module finds common usage in language modeling, presenting
distinct challenges within the broader scope of Natural Language Processing.
Multi-Head Attention (MHA) employs an absolute positional encoding, which
imposes limitations on token length and entails substantial memory consumption
during the processing of embedded inputs. The current remedy proposed by
researchers involves the utilization of relative positional encoding, similar
to the approach adopted in Transformer-XL or Relative Multi-Head Attention
(RMHA), albeit the employed architecture consumes considerable memory
resources. To address these challenges, this study endeavors to refine MHA,
leveraging relative positional encoding in conjunction with the Depth-Wise
Convolutional Layer architecture, which promises heightened accuracy coupled
with minimized memory usage. The proposed RCMHA framework entails the
modification of two integral components: firstly, the application of the
Depth-Wise Convolutional Layer to the input embedding, encompassing Query, Key,
and Value parameters; secondly, the incorporation of Relative Positional
Encoding into the attention scoring phase, harmoniously integrated with Scaled
Dot-Product Attention. Empirical experiments underscore the advantages of
RCMHA, wherein it exhibits superior accuracy, boasting a score of 0.572 in
comparison to alternative attention modules such as MHA, Multi-DConv-Head
Attention (MDHA), and RMHA. Concerning memory utilization, RMHA emerges as the
most frugal, demonstrating an average consumption of 2.98 GB, surpassing RMHA
which necessitates 3.5 GB. | cs.CL | RCMHA: Relative Convolutional Multi-Head Attention for Natural Language Modelling |
2023-08-07T09:19:59Z | http://arxiv.org/pdf/2308.03423v1 | http://arxiv.org/abs/2308.03423v1 | Jiaxin Fan, Yong Zhang, Hanzhang Li, Jianzong Wang, Zhitao Li, Sheng Ouyang, Ning Cheng, Jing Xiao | 2023-08-07T09:19:59Z | cs.CL, cs.AI | Chinese Automatic Speech Recognition (ASR) error correction presents
significant challenges due to the Chinese language's unique features, including
a large character set and borderless, morpheme-based structure. Current
mainstream models often struggle with effectively utilizing word-level features
and phonetic information. This paper introduces a novel approach that
incorporates a dynamic error scaling mechanism to detect and correct
phonetically erroneous text generated by ASR output. This mechanism operates by
dynamically fusing word-level features and phonetic information, thereby
enriching the model with additional semantic data. Furthermore, our method
implements unique error reduction and amplification strategies to address the
issues of matching wrong words caused by incorrect characters. Experimental
results indicate substantial improvements in ASR error correction,
demonstrating the effectiveness of our proposed method and yielding promising
results on established datasets. | cs.CL | Boosting Chinese ASR Error Correction with Dynamic Error Scaling Mechanism |
2023-08-07T09:15:03Z | http://arxiv.org/pdf/2308.03422v1 | http://arxiv.org/abs/2308.03422v1 | Yong Zhang, Zhitao Li, Jianzong Wang, Yiming Gao, Ning Cheng, Fengying Yu, Jing Xiao | 2023-08-07T09:15:03Z | cs.CL, cs.AI | Conversational Question Answering (CQA) is a challenging task that aims to
generate natural answers for conversational flow questions. In this paper, we
propose a pluggable approach for extractive methods that introduces a novel
prompt-guided copy mechanism to improve the fluency and appropriateness of the
extracted answers. Our approach uses prompts to link questions to answers and
employs attention to guide the copy mechanism to verify the naturalness of
extracted answers, making necessary edits to ensure that the answers are fluent
and appropriate. The three prompts, including a question-rationale relationship
prompt, a question description prompt, and a conversation history prompt,
enhance the copy mechanism's performance. Our experiments demonstrate that this
approach effectively promotes the generation of natural answers and achieves
good results in the CoQA challenge. | cs.CL | Prompt Guided Copy Mechanism for Conversational Question Answering |
2023-08-07T09:14:33Z | http://arxiv.org/pdf/2308.03421v3 | http://arxiv.org/abs/2308.03421v3 | Yufan Jiang, Qiaozhi He, Xiaomin Zhuang, Zhihua Wu, Kunpeng Wang, Wenlai Zhao, Guangwen Yang | 2024-05-23T08:07:07Z | cs.CL, cs.AI | Existing large language models have to run K times to generate a sequence of
K tokens. In this paper, we present RecycleGPT, a generative language model
with fast decoding speed by recycling pre-generated model states without
running the whole model in multiple steps. Our approach relies on the
observation that adjacent tokens in a sequence usually have strong correlations
and the next token in a sequence can be reasonably guessed or inferred based on
the preceding ones. Experiments and analysis demonstrate the effectiveness of
our approach in lowering inference latency, achieving up to 1.4x speedup while
preserving high performance. | cs.CL | RecycleGPT: An Autoregressive Language Model with Recyclable Module |
2023-08-07T09:06:20Z | http://arxiv.org/pdf/2308.03415v2 | http://arxiv.org/abs/2308.03415v2 | Christian Huber, Tu Anh Dinh, Carlos Mullov, Ngoc Quan Pham, Thai Binh Nguyen, Fabian Retkowski, Stefan Constantin, Enes Yavuz Ugan, Danni Liu, Zhaolin Li, Sai Koneru, Jan Niehues, Alexander Waibel | 2023-10-23T11:47:04Z | cs.CL, cs.AI | The challenge of low-latency speech translation has recently draw significant
interest in the research community as shown by several publications and shared
tasks. Therefore, it is essential to evaluate these different approaches in
realistic scenarios. However, currently only specific aspects of the systems
are evaluated and often it is not possible to compare different approaches.
In this work, we propose the first framework to perform and evaluate the
various aspects of low-latency speech translation under realistic conditions.
The evaluation is carried out in an end-to-end fashion. This includes the
segmentation of the audio as well as the run-time of the different components.
Secondly, we compare different approaches to low-latency speech translation
using this framework. We evaluate models with the option to revise the output
as well as methods with fixed output. Furthermore, we directly compare
state-of-the-art cascaded as well as end-to-end systems. Finally, the framework
allows to automatically evaluate the translation quality as well as latency and
also provides a web interface to show the low-latency model outputs to the
user. | cs.CL | End-to-End Evaluation for Low-Latency Simultaneous Speech Translation |
2023-08-07T07:39:43Z | http://arxiv.org/pdf/2308.03365v2 | http://arxiv.org/abs/2308.03365v2 | Shijue Huang, Bingbing Wang, Libo Qin, Qin Zhao, Ruifeng Xu | 2023-08-13T07:02:16Z | cs.CL | Few-shot and zero-shot entity linking focus on the tail and emerging
entities, which are more challenging but closer to real-world scenarios. The
mainstream method is the ''retrieve and rerank'' two-stage framework. In this
paper, we propose a coarse-to-fine lexicon-based retriever to retrieve entity
candidates in an effective manner, which operates in two layers. The first
layer retrieves coarse-grained candidates by leveraging entity names, while the
second layer narrows down the search to fine-grained candidates within the
coarse-grained ones. In addition, this second layer utilizes entity
descriptions to effectively disambiguate tail or new entities that share names
with existing popular entities. Experimental results indicate that our approach
can obtain superior performance without requiring extensive finetuning in the
retrieval stage. Notably, our approach ranks the 1st in NLPCC 2023 Shared Task
6 on Chinese Few-shot and Zero-shot Entity Linking. | cs.CL | Improving Few-shot and Zero-shot Entity Linking with Coarse-to-Fine Lexicon-based Retriever |
2023-08-07T07:29:49Z | http://arxiv.org/pdf/2308.03360v1 | http://arxiv.org/abs/2308.03360v1 | Shivani Shekhar, Simran Tiwari, T. C. Rensink, Ramy Eskander, Wael Salloum | 2023-08-07T07:29:49Z | cs.CL | The application of Artificial Intelligence (AI) in healthcare has been
revolutionary, especially with the recent advancements in transformer-based
Large Language Models (LLMs). However, the task of understanding unstructured
electronic medical records remains a challenge given the nature of the records
(e.g., disorganization, inconsistency, and redundancy) and the inability of
LLMs to derive reasoning paradigms that allow for comprehensive understanding
of medical variables. In this work, we examine the power of coupling symbolic
reasoning with language modeling toward improved understanding of unstructured
clinical texts. We show that such a combination improves the extraction of
several medical variables from unstructured records. In addition, we show that
the state-of-the-art commercially-free LLMs enjoy retrieval capabilities
comparable to those provided by their commercial counterparts. Finally, we
elaborate on the need for LLM steering through the application of symbolic
reasoning as the exclusive use of LLMs results in the lowest performance. | cs.CL | Coupling Symbolic Reasoning with Language Modeling for Efficient Longitudinal Understanding of Unstructured Electronic Medical Records |
2023-08-07T07:03:49Z | http://arxiv.org/pdf/2308.03349v1 | http://arxiv.org/abs/2308.03349v1 | Shengzhi Li, Nima Tajbakhsh | 2023-08-07T07:03:49Z | cs.CL, cs.AI, cs.CV | In this work, we present SciGraphQA, a synthetic multi-turn question-answer
dataset related to academic graphs. SciGraphQA is 13 times larger than
ChartVQA, the previously largest chart-visual question-answering dataset. It is
also the largest open-sourced chart VQA dataset with non-synthetic charts. To
build our dataset, we selected 290,000 Computer Science or Machine Learning
ArXiv papers published between 2010 and 2020, and then used Palm-2 to generate
295K samples of open-vocabulary multi-turn question-answering dialogues about
the graphs. As context, we provided the text-only Palm-2 with paper title,
abstract, paragraph mentioning the graph, and rich text contextual data from
the graph itself, obtaining dialogues with an average 2.23 question-answer
turns for each graph. We asked GPT-4 to assess the matching quality of our
question-answer turns given the paper's context, obtaining an average rating of
8.7/10 on our 3K test set. We evaluated the 0-shot capability of the most
popular MLLM models such as LLaVa, mPLUGowl, BLIP-2, and openFlamingo's on our
dataset, finding LLaVA-13B being the most performant with a CIDEr score of
0.08. We further enriched the question prompts for LLAVA by including the
serialized data tables extracted from the graphs using the DePlot model,
boosting LLaVA's 0-shot CIDEr to 0.15. To verify the validity of our dataset,
we also fine-tuned LLaVa using our dataset, reaching a substantially higher
CIDEr score of 0.26. We anticipate further accuracy improvement by including
segmentation mask tokens and leveraging larger LLM backbones coupled with
emergent prompting techniques. Our code and data are open-sourced. | cs.CL | SciGraphQA: A Large-Scale Synthetic Multi-Turn Question-Answering Dataset for Scientific Graphs |
2023-08-07T05:40:01Z | http://arxiv.org/pdf/2308.03311v1 | http://arxiv.org/abs/2308.03311v1 | Haijun Xia, Tony Wang, Aditya Gunturu, Peiling Jiang, William Duan, Xiaoshuo Yao | 2023-08-07T05:40:01Z | cs.HC, cs.AI, cs.CL | Despite the advances and ubiquity of digital communication media such as
videoconferencing and virtual reality, they remain oblivious to the rich
intentions expressed by users. Beyond transmitting audio, videos, and messages,
we envision digital communication media as proactive facilitators that can
provide unobtrusive assistance to enhance communication and collaboration.
Informed by the results of a formative study, we propose three key design
concepts to explore the systematic integration of intelligence into
communication and collaboration, including the panel substrate, language-based
intent recognition, and lightweight interaction techniques. We developed
CrossTalk, a videoconferencing system that instantiates these concepts, which
was found to enable a more fluid and flexible communication and collaboration
experience. | cs.HC | CrossTalk: Intelligent Substrates for Language-Oriented Interaction in Video-Based Communication and Collaboration |
2023-08-07T05:12:27Z | http://arxiv.org/pdf/2308.03303v1 | http://arxiv.org/abs/2308.03303v1 | Longteng Zhang, Lin Zhang, Shaohuai Shi, Xiaowen Chu, Bo Li | 2023-08-07T05:12:27Z | cs.CL | The low-rank adaptation (LoRA) method can largely reduce the amount of
trainable parameters for fine-tuning large language models (LLMs), however, it
still requires expensive activation memory to update low-rank weights. Reducing
the number of LoRA layers or using activation recomputation could harm the
fine-tuning performance or increase the computational overhead. In this work,
we present LoRA-FA, a memory-efficient fine-tuning method that reduces the
activation memory without performance degradation and expensive recomputation.
LoRA-FA chooses to freeze the projection-down weight of $A$ and update the
projection-up weight of $B$ in each LoRA layer. It ensures the change of model
weight reside in a low-rank space during LLMs fine-tuning, while eliminating
the requirement to store full-rank input activations. We conduct extensive
experiments across multiple model types (RoBERTa, T5, LLaMA) and model scales.
Our results show that LoRA-FA can always achieve close fine-tuning accuracy
across different tasks compared to full parameter fine-tuning and LoRA.
Furthermore, LoRA-FA can reduce the overall memory cost by up to 1.4$\times$
compared to LoRA. | cs.CL | LoRA-FA: Memory-efficient Low-rank Adaptation for Large Language Models Fine-tuning |
2023-08-07T04:47:42Z | http://arxiv.org/pdf/2308.03296v1 | http://arxiv.org/abs/2308.03296v1 | Roger Grosse, Juhan Bae, Cem Anil, Nelson Elhage, Alex Tamkin, Amirhossein Tajdini, Benoit Steiner, Dustin Li, Esin Durmus, Ethan Perez, Evan Hubinger, Kamilė Lukošiūtė, Karina Nguyen, Nicholas Joseph, Sam McCandlish, Jared Kaplan, Samuel R. Bowman | 2023-08-07T04:47:42Z | cs.LG, cs.CL, stat.ML | When trying to gain better visibility into a machine learning model in order
to understand and mitigate the associated risks, a potentially valuable source
of evidence is: which training examples most contribute to a given behavior?
Influence functions aim to answer a counterfactual: how would the model's
parameters (and hence its outputs) change if a given sequence were added to the
training set? While influence functions have produced insights for small
models, they are difficult to scale to large language models (LLMs) due to the
difficulty of computing an inverse-Hessian-vector product (IHVP). We use the
Eigenvalue-corrected Kronecker-Factored Approximate Curvature (EK-FAC)
approximation to scale influence functions up to LLMs with up to 52 billion
parameters. In our experiments, EK-FAC achieves similar accuracy to traditional
influence function estimators despite the IHVP computation being orders of
magnitude faster. We investigate two algorithmic techniques to reduce the cost
of computing gradients of candidate training sequences: TF-IDF filtering and
query batching. We use influence functions to investigate the generalization
patterns of LLMs, including the sparsity of the influence patterns, increasing
abstraction with scale, math and programming abilities, cross-lingual
generalization, and role-playing behavior. Despite many apparently
sophisticated forms of generalization, we identify a surprising limitation:
influences decay to near-zero when the order of key phrases is flipped.
Overall, influence functions give us a powerful new tool for studying the
generalization properties of LLMs. | cs.LG | Studying Large Language Model Generalization with Influence Functions |
2023-08-07T04:42:36Z | http://arxiv.org/pdf/2308.03293v1 | http://arxiv.org/abs/2308.03293v1 | Tomoya Mizumoto, Takato Yamazaki, Katsumasa Yoshikawa, Masaya Ohagi, Toshiki Kawamoto, Toshinori Sato | 2023-08-07T04:42:36Z | cs.CL | When individuals engage in spoken discourse, various phenomena can be
observed that differ from those that are apparent in text-based conversation.
While written communication commonly uses a question mark to denote a query, in
spoken discourse, queries are frequently indicated by a rising intonation at
the end of a sentence. However, numerous speech recognition engines do not
append a question mark to recognized queries, presenting a challenge when
creating a spoken dialogue system. Specifically, the absence of a question mark
at the end of a sentence can impede the generation of appropriate responses to
queries in spoken dialogue systems. Hence, we investigate the impact of
question marks on dialogue systems, with the results showing that they have a
significant impact. Moreover, we analyze specific examples in an effort to
determine which types of utterances have the impact on dialogue systems. | cs.CL | Dialogue Systems Can Generate Appropriate Responses without the Use of Question Marks? -- Investigation of the Effects of Question Marks on Dialogue Systems |
2023-08-07T04:20:38Z | http://arxiv.org/pdf/2308.03291v3 | http://arxiv.org/abs/2308.03291v3 | Miloš Stanojević, Laurent Sartran | 2023-10-15T23:51:32Z | cs.LG, cs.AI, cs.CL | The development of deep learning software libraries enabled significant
progress in the field by allowing users to focus on modeling, while letting the
library to take care of the tedious and time-consuming task of optimizing
execution for modern hardware accelerators. However, this has benefited only
particular types of deep learning models, such as Transformers, whose
primitives map easily to the vectorized computation. The models that explicitly
account for structured objects, such as trees and segmentations, did not
benefit equally because they require custom algorithms that are difficult to
implement in a vectorized form.
SynJax directly addresses this problem by providing an efficient vectorized
implementation of inference algorithms for structured distributions covering
alignment, tagging, segmentation, constituency trees and spanning trees. This
is done by exploiting the connection between algorithms for automatic
differentiation and probabilistic inference. With SynJax we can build
large-scale differentiable models that explicitly model structure in the data.
The code is available at https://github.com/google-deepmind/synjax | cs.LG | SynJax: Structured Probability Distributions for JAX |
2023-08-07T03:52:59Z | http://arxiv.org/pdf/2308.03281v1 | http://arxiv.org/abs/2308.03281v1 | Zehan Li, Xin Zhang, Yanzhao Zhang, Dingkun Long, Pengjun Xie, Meishan Zhang | 2023-08-07T03:52:59Z | cs.CL | We present GTE, a general-purpose text embedding model trained with
multi-stage contrastive learning. In line with recent advancements in unifying
various NLP tasks into a single format, we train a unified text embedding model
by employing contrastive learning over a diverse mixture of datasets from
multiple sources. By significantly increasing the number of training data
during both unsupervised pre-training and supervised fine-tuning stages, we
achieve substantial performance gains over existing embedding models. Notably,
even with a relatively modest parameter count of 110M, GTE$_\text{base}$
outperforms the black-box embedding API provided by OpenAI and even surpasses
10x larger text embedding models on the massive text embedding benchmark.
Furthermore, without additional fine-tuning on each programming language
individually, our model outperforms previous best code retrievers of similar
size by treating code as text. In summary, our model achieves impressive
results by effectively harnessing multi-stage contrastive learning, offering a
powerful and efficient text embedding model with broad applicability across
various NLP and code-related tasks. | cs.CL | Towards General Text Embeddings with Multi-stage Contrastive Learning |
2023-08-07T03:39:52Z | http://arxiv.org/pdf/2308.03279v2 | http://arxiv.org/abs/2308.03279v2 | Wenxuan Zhou, Sheng Zhang, Yu Gu, Muhao Chen, Hoifung Poon | 2024-01-19T02:26:38Z | cs.CL | Large language models (LLMs) have demonstrated remarkable generalizability,
such as understanding arbitrary entities and relations. Instruction tuning has
proven effective for distilling LLMs into more cost-efficient models such as
Alpaca and Vicuna. Yet such student models still trail the original LLMs by
large margins in downstream applications. In this paper, we explore targeted
distillation with mission-focused instruction tuning to train student models
that can excel in a broad application class such as open information
extraction. Using named entity recognition (NER) for case study, we show how
ChatGPT can be distilled into much smaller UniversalNER models for open NER.
For evaluation, we assemble the largest NER benchmark to date, comprising 43
datasets across 9 diverse domains such as biomedicine, programming, social
media, law, finance. Without using any direct supervision, UniversalNER attains
remarkable NER accuracy across tens of thousands of entity types, outperforming
general instruction-tuned models such as Alpaca and Vicuna by over 30 absolute
F1 points in average. With a tiny fraction of parameters, UniversalNER not only
acquires ChatGPT's capability in recognizing arbitrary entity types, but also
outperforms its NER accuracy by 7-9 absolute F1 points in average. Remarkably,
UniversalNER even outperforms by a large margin state-of-the-art multi-task
instruction-tuned systems such as InstructUIE, which uses supervised NER
examples. We also conduct thorough ablation studies to assess the impact of
various components in our distillation approach. We release the distillation
recipe, data, and UniversalNER models to facilitate future research on targeted
distillation. | cs.CL | UniversalNER: Targeted Distillation from Large Language Models for Open Named Entity Recognition |
2023-08-07T03:37:31Z | http://arxiv.org/pdf/2308.03277v1 | http://arxiv.org/abs/2308.03277v1 | Shiyu Yuan, Jingda Yang, Sudhanshu Arya, Carlo Lipizzi, Ying Wang | 2023-08-07T03:37:31Z | cs.CL | Formal method-based analysis of the 5G Wireless Communication Protocol is
crucial for identifying logical vulnerabilities and facilitating an
all-encompassing security assessment, especially in the design phase. Natural
Language Processing (NLP) assisted techniques and most of the tools are not
widely adopted by the industry and research community. Traditional formal
verification through a mathematics approach heavily relied on manual logical
abstraction prone to being time-consuming, and error-prone. The reason that the
NLP-assisted method did not apply in industrial research may be due to the
ambiguity in the natural language of the protocol designs nature is
controversial to the explicitness of formal verification. To address the
challenge of adopting the formal methods in protocol designs, targeting (3GPP)
protocols that are written in natural language, in this study, we propose a
hybrid approach to streamline the analysis of protocols. We introduce a
two-step pipeline that first uses NLP tools to construct data and then uses
constructed data to extract identifiers and formal properties by using the NLP
model. The identifiers and formal properties are further used for formal
analysis. We implemented three models that take different dependencies between
identifiers and formal properties as criteria. Our results of the optimal model
reach valid accuracy of 39% for identifier extraction and 42% for formal
properties predictions. Our work is proof of concept for an efficient procedure
in performing formal analysis for largescale complicate specification and
protocol analysis, especially for 5G and nextG communications. | cs.CL | From Ambiguity to Explicitness: NLP-Assisted 5G Specification Abstraction for Formal Analysis |
2023-08-07T03:34:01Z | http://arxiv.org/pdf/2308.03275v1 | http://arxiv.org/abs/2308.03275v1 | Xiachong Feng, Xiaocheng Feng, Xiyuan Du, Min-Yen Kan, Bing Qin | 2023-08-07T03:34:01Z | cs.CL | Meeting summarization has emerged as a promising technique for providing
users with condensed summaries. However, existing work has focused on training
models on centralized data, neglecting real-world scenarios where meeting data
are infeasible to collect centrally, due to their sensitive nature. This gap
motivates us to explore federated learning for meeting summarization. Two
critical challenges impede progress. First, state-of-the-art summarizers are
based on parameter-heavy pre-trained models. Exchanging such a model's
parameters across clients imposes large bandwidth costs. Second, as real-world
meeting data belong to various domains and are distributed across clients, they
are instances of non-identically and independently distributed (non-IID). IID
assumptions do not hold, which changes which forms of learning algorithms best
apply. To address this, we propose Adapter-based Federated Selective Knowledge
Distillation (AdaFedSelecKD) for training performant client models.
Specifically, we develop an adapter-based summarization model where two
adapters cooperatively facilitate learning using fewer parameters to reduce
communication costs. Then, we devise a selective knowledge distillation
strategy, assisting clients in robustly handling domain-focused modelling on
their own data, while leveraging global parameters based on non-IID data.
Extensive experiments on the QMSum benchmark demonstrate AdaFedSelecKD can
achieve comparable performance with powerful centralized training methods, and
shows its generalizability and robustness. | cs.CL | Adapter-based Selective Knowledge Distillation for Federated Multi-domain Meeting Summarization |
2023-08-07T03:19:59Z | http://arxiv.org/pdf/2308.03269v1 | http://arxiv.org/abs/2308.03269v1 | Haodi Ma, Anthony Colas, Yuejie Wang, Ali Sadeghian, Daisy Zhe Wang | 2023-08-07T03:19:59Z | cs.CL, cs.AI, cs.LG | Recent works in neural knowledge graph inference attempt to combine logic
rules with knowledge graph embeddings to benefit from prior knowledge. However,
they usually cannot avoid rule grounding, and injecting a diverse set of rules
has still not been thoroughly explored. In this work, we propose InjEx, a
mechanism to inject multiple types of rules through simple constraints, which
capture definite Horn rules. To start, we theoretically prove that InjEx can
inject such rules. Next, to demonstrate that InjEx infuses interpretable prior
knowledge into the embedding space, we evaluate InjEx on both the knowledge
graph completion (KGC) and few-shot knowledge graph completion (FKGC) settings.
Our experimental results reveal that InjEx outperforms both baseline KGC models
as well as specialized few-shot models while maintaining its scalability and
efficiency. | cs.CL | Simple Rule Injection for ComplEx Embeddings |
2023-08-07T03:12:27Z | http://arxiv.org/pdf/2308.03266v4 | http://arxiv.org/abs/2308.03266v4 | Xian Shi, Yexin Yang, Zerui Li, Yanni Chen, Zhifu Gao, Shiliang Zhang | 2023-12-25T08:44:15Z | cs.SD, cs.CL, eess.AS | Hotword customization is one of the concerned issues remained in ASR field -
it is of value to enable users of ASR systems to customize names of entities,
persons and other phrases to obtain better experience. The past few years have
seen effective modeling strategies for ASR contextualization developed, but
they still exhibit space for improvement about training stability and the
invisible activation process. In this paper we propose Semantic-Augmented
Contextual-Paraformer (SeACo-Paraformer) a novel NAR based ASR system with
flexible and effective hotword customization ability. It possesses the
advantages of AED-based model's accuracy, NAR model's efficiency, and explicit
customization capacity of superior performance. Through extensive experiments
with 50,000 hours of industrial big data, our proposed model outperforms strong
baselines in customization. Besides, we explore an efficient way to filter
large-scale incoming hotwords for further improvement. The industrial models
compared, source codes and two hotword test sets are all open source. | cs.SD | SeACo-Paraformer: A Non-Autoregressive ASR System with Flexible and Effective Hotword Customization Ability |
2023-08-07T02:18:23Z | http://arxiv.org/pdf/2308.03253v2 | http://arxiv.org/abs/2308.03253v2 | Pengshan Cai, Zonghai Yao, Fei Liu, Dakuo Wang, Meghan Reilly, Huixue Zhou, Lingxi Li, Yi Cao, Alok Kapoor, Adarsha Bajracharya, Dan Berlowitz, Hong Yu | 2023-08-21T02:41:29Z | cs.CL, cs.AI | Patient portal allows discharged patients to access their personalized
discharge instructions in electronic health records (EHRs). However, many
patients have difficulty understanding or memorizing their discharge
instructions. In this paper, we present PaniniQA, a patient-centric interactive
question answering system designed to help patients understand their discharge
instructions. PaniniQA first identifies important clinical content from
patients' discharge instructions and then formulates patient-specific
educational questions. In addition, PaniniQA is also equipped with answer
verification functionality to provide timely feedback to correct patients'
misunderstandings. Our comprehensive automatic and human evaluation results
demonstrate our PaniniQA is capable of improving patients' mastery of their
medical instructions through effective interactions | cs.CL | PaniniQA: Enhancing Patient Education Through Interactive Question Answering |
2023-08-07T01:10:50Z | http://arxiv.org/pdf/2308.03235v1 | http://arxiv.org/abs/2308.03235v1 | Nour Eddine Zekaoui, Siham Yousfi, Maryem Rhanoui, Mounia Mikram | 2023-08-07T01:10:50Z | cs.CL, cs.AI, cs.LG | Opinion mining, also known as sentiment analysis, is a subfield of natural
language processing (NLP) that focuses on identifying and extracting subjective
information in textual material. This can include determining the overall
sentiment of a piece of text (e.g., positive or negative), as well as
identifying specific emotions or opinions expressed in the text, that involves
the use of advanced machine and deep learning techniques. Recently,
transformer-based language models make this task of human emotion analysis
intuitive, thanks to the attention mechanism and parallel computation. These
advantages make such models very powerful on linguistic tasks, unlike recurrent
neural networks that spend a lot of time on sequential processing, making them
prone to fail when it comes to processing long text. The scope of our paper
aims to study the behaviour of the cutting-edge Transformer-based language
models on opinion mining and provide a high-level comparison between them to
highlight their key particularities. Additionally, our comparative study shows
leads and paves the way for production engineers regarding the approach to
focus on and is useful for researchers as it provides guidelines for future
research subjects. | cs.CL | Analysis of the Evolution of Advanced Transformer-Based Language Models: Experiments on Opinion Mining |
2023-08-07T01:03:04Z | http://arxiv.org/pdf/2308.03234v2 | http://arxiv.org/abs/2308.03234v2 | Hunter McNichols, Wanyong Feng, Jaewook Lee, Alexander Scarlatos, Digory Smith, Simon Woodhead, Andrew Lan | 2024-01-11T18:59:58Z | cs.CL | Multiple-choice questions (MCQs) are ubiquitous in almost all levels of
education since they are easy to administer, grade, and are a reliable form of
assessment. An important aspect of MCQs is the distractors, i.e., incorrect
options that are designed to target specific misconceptions or insufficient
knowledge among students. To date, the task of crafting high-quality
distractors has largely remained a labor-intensive process for teachers and
learning content designers, which has limited scalability. In this work, we
explore the task of automated distractor and corresponding feedback message
generation in math MCQs using large language models. We establish a formulation
of these two tasks and propose a simple, in-context learning-based solution.
Moreover, we propose generative AI-based metrics for evaluating the quality of
the feedback messages. We conduct extensive experiments on these tasks using a
real-world MCQ dataset. Our findings suggest that there is a lot of room for
improvement in automated distractor and feedback generation; based on these
findings, we outline several directions for future work. | cs.CL | Automated Distractor and Feedback Generation for Math Multiple-choice Questions via In-context Learning |
2023-08-06T23:41:14Z | http://arxiv.org/pdf/2308.03228v1 | http://arxiv.org/abs/2308.03228v1 | Jordan Kodner, Sarah Payne, Jeffrey Heinz | 2023-08-06T23:41:14Z | cs.CL, cs.AI, cs.LG | We present a critical assessment of Piantadosi's (2023) claim that "Modern
language models refute Chomsky's approach to language," focusing on four main
points. First, despite the impressive performance and utility of large language
models (LLMs), humans achieve their capacity for language after exposure to
several orders of magnitude less data. The fact that young children become
competent, fluent speakers of their native languages with relatively little
exposure to them is the central mystery of language learning to which Chomsky
initially drew attention, and LLMs currently show little promise of solving
this mystery. Second, what can the artificial reveal about the natural? Put
simply, the implications of LLMs for our understanding of the cognitive
structures and mechanisms underlying language and its acquisition are like the
implications of airplanes for understanding how birds fly. Third, LLMs cannot
constitute scientific theories of language for several reasons, not least of
which is that scientific theories must provide interpretable explanations, not
just predictions. This leads to our final point: to even determine whether the
linguistic and cognitive capabilities of LLMs rival those of humans requires
explicating what humans' capacities actually are. In other words, it requires a
separate theory of language and cognition; generative linguistics provides
precisely such a theory. As such, we conclude that generative linguistics as a
scientific discipline will remain indispensable throughout the 21st century and
beyond. | cs.CL | Why Linguistics Will Thrive in the 21st Century: A Reply to Piantadosi (2023) |
2023-08-06T23:16:54Z | http://arxiv.org/pdf/2308.03226v1 | http://arxiv.org/abs/2308.03226v1 | Sudarsana Reddy Kadiri, Farhad Javanmardi, Paavo Alku | 2023-08-06T23:16:54Z | eess.AS, cs.AI, cs.CL, cs.MM, cs.SD | Prior studies in the automatic classification of voice quality have mainly
studied the use of the acoustic speech signal as input. Recently, a few studies
have been carried out by jointly using both speech and neck surface
accelerometer (NSA) signals as inputs, and by extracting MFCCs and glottal
source features. This study examines simultaneously-recorded speech and NSA
signals in the classification of voice quality (breathy, modal, and pressed)
using features derived from three self-supervised pre-trained models
(wav2vec2-BASE, wav2vec2-LARGE, and HuBERT) and using a SVM as well as CNNs as
classifiers. Furthermore, the effectiveness of the pre-trained models is
compared in feature extraction between glottal source waveforms and raw signal
waveforms for both speech and NSA inputs. Using two signal processing methods
(quasi-closed phase (QCP) glottal inverse filtering and zero frequency
filtering (ZFF)), glottal source waveforms are estimated from both speech and
NSA signals. The study has three main goals: (1) to study whether features
derived from pre-trained models improve classification accuracy compared to
conventional features (spectrogram, mel-spectrogram, MFCCs, i-vector, and
x-vector), (2) to investigate which of the two modalities (speech vs. NSA) is
more effective in the classification task with pre-trained model-based
features, and (3) to evaluate whether the deep learning-based CNN classifier
can enhance the classification accuracy in comparison to the SVM classifier.
The results revealed that the use of the NSA input showed better classification
performance compared to the speech signal. Between the features, the
pre-trained model-based features showed better classification accuracies, both
for speech and NSA inputs compared to the conventional features. It was also
found that the HuBERT features performed better than the wav2vec2-BASE and
wav2vec2-LARGE features. | eess.AS | Investigation of Self-supervised Pre-trained Models for Classification of Voice Quality from Speech and Neck Surface Accelerometer Signals |
2023-08-06T21:23:22Z | http://arxiv.org/pdf/2308.03212v2 | http://arxiv.org/abs/2308.03212v2 | Lena Strobl | 2023-08-21T18:54:56Z | cs.CL, cs.CC, cs.LG | Transformers have emerged as a widely used neural network model for various
natural language processing tasks. Previous research explored their
relationship with constant-depth threshold circuits, making two assumptions:
average-hard attention and logarithmic precision for internal computations
relative to input length. Merrill et al. (2022) prove that average-hard
attention transformers recognize languages that fall within the complexity
class TC0, denoting the set of languages that can be recognized by
constant-depth polynomial-size threshold circuits. Likewise, Merrill and
Sabharwal (2023) show that log-precision transformers recognize languages
within the class of uniform TC0. This shows that both transformer models can be
simulated by constant-depth threshold circuits, with the latter being more
robust due to generating a uniform circuit family. Our paper shows that the
first result can be extended to yield uniform circuits as well. | cs.CL | Average-Hard Attention Transformers are Constant-Depth Uniform Threshold Circuits |
2023-08-06T18:38:52Z | http://arxiv.org/pdf/2308.03188v2 | http://arxiv.org/abs/2308.03188v2 | Liangming Pan, Michael Saxon, Wenda Xu, Deepak Nathani, Xinyi Wang, William Yang Wang | 2023-08-30T03:47:34Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) have demonstrated remarkable performance across
a wide array of NLP tasks. However, their efficacy is undermined by undesired
and inconsistent behaviors, including hallucination, unfaithful reasoning, and
toxic content. A promising approach to rectify these flaws is self-correction,
where the LLM itself is prompted or guided to fix problems in its own output.
Techniques leveraging automated feedback -- either produced by the LLM itself
or some external system -- are of particular interest as they are a promising
way to make LLM-based solutions more practical and deployable with minimal
human feedback. This paper presents a comprehensive review of this emerging
class of techniques. We analyze and taxonomize a wide array of recent work
utilizing these strategies, including training-time, generation-time, and
post-hoc correction. We also summarize the major applications of this strategy
and conclude by discussing future directions and challenges. | cs.CL | Automatically Correcting Large Language Models: Surveying the landscape of diverse self-correction strategies |
2023-08-06T15:56:31Z | http://arxiv.org/pdf/2308.03151v1 | http://arxiv.org/abs/2308.03151v1 | Zheng Ma, Mianzhi Pan, Wenhan Wu, Kanzhi Cheng, Jianbing Zhang, Shujian Huang, Jiajun Chen | 2023-08-06T15:56:31Z | cs.CV, cs.CL | Vision-language models (VLMs) have shown impressive performance in
substantial downstream multi-modal tasks. However, only comparing the
fine-tuned performance on downstream tasks leads to the poor interpretability
of VLMs, which is adverse to their future improvement. Several prior works have
identified this issue and used various probing methods under a zero-shot
setting to detect VLMs' limitations, but they all examine VLMs using general
datasets instead of specialized ones. In practical applications, VLMs are
usually applied to specific scenarios, such as e-commerce and news fields, so
the generalization of VLMs in specific domains should be given more attention.
In this paper, we comprehensively investigate the capabilities of popular VLMs
in a specific field, the food domain. To this end, we build a food caption
dataset, Food-500 Cap, which contains 24,700 food images with 494 categories.
Each image is accompanied by a detailed caption, including fine-grained
attributes of food, such as the ingredient, shape, and color. We also provide a
culinary culture taxonomy that classifies each food category based on its
geographic origin in order to better analyze the performance differences of VLM
in different regions. Experiments on our proposed datasets demonstrate that
popular VLMs underperform in the food domain compared with their performance in
the general domain. Furthermore, our research reveals severe bias in VLMs'
ability to handle food items from different geographic regions. We adopt
diverse probing methods and evaluate nine VLMs belonging to different
architectures to verify the aforementioned observations. We hope that our study
will bring researchers' attention to VLM's limitations when applying them to
the domain of food or culinary cultures, and spur further investigations to
address this issue. | cs.CV | Food-500 Cap: A Fine-Grained Food Caption Benchmark for Evaluating Vision-Language Models |
2023-08-06T14:49:26Z | http://arxiv.org/pdf/2308.03131v4 | http://arxiv.org/abs/2308.03131v4 | Xianfeng Zeng, Yijin Liu, Fandong Meng, Jie Zhou | 2023-08-10T02:08:04Z | cs.CL | N-gram matching-based evaluation metrics, such as BLEU and chrF, are widely
utilized across a range of natural language generation (NLG) tasks. However,
recent studies have revealed a weak correlation between these matching-based
metrics and human evaluations, especially when compared with neural-based
metrics like BLEURT. In this paper, we conjecture that the performance
bottleneck in matching-based metrics may be caused by the limited diversity of
references. To address this issue, we propose to utilize \textit{multiple
references} to enhance the consistency between these metrics and human
evaluations. Within the WMT Metrics benchmarks, we observe that the
multi-references F200spBLEU surpasses the conventional single-reference one by
an accuracy improvement of 7.2\%. Remarkably, it also exceeds the neural-based
BERTscore by an accuracy enhancement of 3.9\%. Moreover, we observe that the
data leakage issue in large language models (LLMs) can be mitigated to a large
extent by our multi-reference metric. We release the code and data at
\url{https://github.com/SefaZeng/LLM-Ref} | cs.CL | Towards Multiple References Era -- Addressing Data Leakage and Limited Reference Diversity in NLG Evaluation |
2023-08-06T14:09:02Z | http://arxiv.org/pdf/2308.03122v1 | http://arxiv.org/abs/2308.03122v1 | Prerak Gandhi, Vishal Pramanik, Pushpak Bhattacharyya | 2023-08-06T14:09:02Z | cs.CL | Storytelling is the lifeline of the entertainment industry -- movies, TV
shows, and stand-up comedies, all need stories. A good and gripping script is
the lifeline of storytelling and demands creativity and resource investment.
Good scriptwriters are rare to find and often work under severe time pressure.
Consequently, entertainment media are actively looking for automation. In this
paper, we present an AI-based script-writing workbench called KUROSAWA which
addresses the tasks of plot generation and script generation. Plot generation
aims to generate a coherent and creative plot (600-800 words) given a prompt
(15-40 words). Script generation, on the other hand, generates a scene (200-500
words) in a screenplay format from a brief description (15-40 words). Kurosawa
needs data to train. We use a 4-act structure of storytelling to annotate the
plot dataset manually. We create a dataset of 1000 manually annotated plots and
their corresponding prompts/storylines and a gold-standard dataset of 1000
scenes with four main elements -- scene headings, action lines, dialogues, and
character names -- tagged individually. We fine-tune GPT-3 with the above
datasets to generate plots and scenes. These plots and scenes are first
evaluated and then used by the scriptwriters of a large and famous media
platform ErosNow. We release the annotated datasets and the models trained on
these datasets as a working benchmark for automatic movie plot and script
generation. | cs.CL | "Kurosawa": A Script Writer's Assistant |
2023-08-06T13:54:14Z | http://arxiv.org/pdf/2308.03117v1 | http://arxiv.org/abs/2308.03117v1 | Mathieu Ravaut, Hailin Chen, Ruochen Zhao, Chengwei Qin, Shafiq Joty, Nancy Chen | 2023-08-06T13:54:14Z | cs.CL | Prompt tuning (PT), a parameter-efficient technique that only tunes the
additional prompt embeddings while keeping the backbone pre-trained language
model (PLM) frozen, has shown promising results in language understanding
tasks, especially in low-resource scenarios. However, effective prompt design
methods suitable for generation tasks such as summarization are still lacking.
At the same time, summarization guided through instructions (discrete prompts)
can achieve a desirable double objective of high quality and controllability in
summary generation. Towards a goal of strong summarization performance under
the triple conditions of parameter-efficiency, data-efficiency, and
controllability, we introduce PromptSum, a method combining PT with a
multi-task objective and discrete entity prompts for abstractive summarization.
Our model achieves competitive ROUGE results on popular abstractive
summarization benchmarks coupled with a strong level of controllability through
entities, all while only tuning several orders of magnitude less parameters. | cs.CL | PromptSum: Parameter-Efficient Controllable Abstractive Summarization |
2023-08-06T12:40:58Z | http://arxiv.org/pdf/2308.03103v1 | http://arxiv.org/abs/2308.03103v1 | Roman Dušek, Aleksander Wawer, Christopher Galias, Lidia Wojciechowska | 2023-08-06T12:40:58Z | cs.CL, cs.IR | The aim of this article is to investigate the fine-tuning potential of
natural language inference (NLI) data to improve information retrieval and
ranking. We demonstrate this for both English and Polish languages, using data
from one of the largest Polish e-commerce sites and selected open-domain
datasets. We employ both monolingual and multilingual sentence encoders
fine-tuned by a supervised method utilizing contrastive loss and NLI data. Our
results point to the fact that NLI fine-tuning increases the performance of the
models in both tasks and both languages, with the potential to improve mono-
and multilingual models. Finally, we investigate uniformity and alignment of
the embeddings to explain the effect of NLI-based fine-tuning for an
out-of-domain use-case. | cs.CL | Improving Domain-Specific Retrieval by NLI Fine-Tuning |
2023-08-06T12:28:24Z | http://arxiv.org/pdf/2308.03099v2 | http://arxiv.org/abs/2308.03099v2 | Yuta Koreeda, Terufumi Morishita, Osamu Imaichi, Yasuhiro Sogawa | 2023-08-22T09:48:20Z | cs.CL, cs.SE | Writing a readme is a crucial aspect of software development as it plays a
vital role in managing and reusing program code. Though it is a pain point for
many developers, automatically creating one remains a challenge even with the
recent advancements in large language models (LLMs), because it requires
generating an abstract description from thousands of lines of code. In this
demo paper, we show that LLMs are capable of generating a coherent and
factually correct readmes if we can identify a code fragment that is
representative of the repository. Building upon this finding, we developed
LARCH (LLM-based Automatic Readme Creation with Heuristics) which leverages
representative code identification with heuristics and weak supervision.
Through human and automated evaluations, we illustrate that LARCH can generate
coherent and factually correct readmes in the majority of cases, outperforming
a baseline that does not rely on representative code identification. We have
made LARCH open-source and provided a cross-platform Visual Studio Code
interface and command-line interface, accessible at
https://github.com/hitachi-nlp/larch. A demo video showcasing LARCH's
capabilities is available at https://youtu.be/ZUKkh5ED-O4. | cs.CL | LARCH: Large Language Model-based Automatic Readme Creation with Heuristics |
2023-08-06T12:25:22Z | http://arxiv.org/pdf/2308.03098v1 | http://arxiv.org/abs/2308.03098v1 | Ye Liu, Stefan Ultes, Wolfgang Minker, Wolfgang Maier | 2023-08-06T12:25:22Z | cs.CL | In this work, we study dialogue scenarios that start from chit-chat but
eventually switch to task-related services, and investigate how a unified
dialogue model, which can engage in both chit-chat and task-oriented dialogues,
takes the initiative during the dialogue mode transition from chit-chat to
task-oriented in a coherent and cooperative manner. We firstly build a
{transition info extractor} (TIE) that keeps track of the preceding chit-chat
interaction and detects the potential user intention to switch to a
task-oriented service. Meanwhile, in the unified model, a {transition sentence
generator} (TSG) is extended through efficient Adapter tuning and transition
prompt learning. When the TIE successfully finds task-related information from
the preceding chit-chat, such as a transition domain, then the TSG is activated
automatically in the unified model to initiate this transition by generating a
transition sentence under the guidance of transition information extracted by
TIE. The experimental results show promising performance regarding the
proactive transitions. We achieve an additional large improvement on TIE model
by utilizing Conditional Random Fields (CRF). The TSG can flexibly generate
transition sentences while maintaining the unified capabilities of normal
chit-chat and task-oriented response generation. | cs.CL | System-Initiated Transitions from Chit-Chat to Task-Oriented Dialogues with Transition Info Extractor and Transition Sentence Generator |
2023-08-06T08:29:16Z | http://arxiv.org/pdf/2308.03051v2 | http://arxiv.org/abs/2308.03051v2 | Karima Kadaoui, Samar M. Magdy, Abdul Waheed, Md Tawkat Islam Khondaker, Ahmed Oumar El-Shangiti, El Moatez Billah Nagoudi, Muhammad Abdul-Mageed | 2023-10-23T23:26:55Z | cs.CL, cs.LG | Despite the purported multilingual proficiency of instruction-finetuned large
language models (LLMs) such as ChatGPT and Bard, the linguistic inclusivity of
these models remains insufficiently explored. Considering this constraint, we
present a thorough assessment of Bard and ChatGPT (encompassing both GPT-3.5
and GPT-4) regarding their machine translation proficiencies across ten
varieties of Arabic. Our evaluation covers diverse Arabic varieties such as
Classical Arabic (CA), Modern Standard Arabic (MSA), and several country-level
dialectal variants. Our analysis indicates that LLMs may encounter challenges
with dialects for which minimal public datasets exist, but on average are
better translators of dialects than existing commercial systems. On CA and MSA,
instruction-tuned LLMs, however, trail behind commercial systems such as Google
Translate. Finally, we undertake a human-centric study to scrutinize the
efficacy of the relatively recent model, Bard, in following human instructions
during translation tasks. Our analysis reveals a circumscribed capability of
Bard in aligning with human instructions in translation contexts. Collectively,
our findings underscore that prevailing LLMs remain far from inclusive, with
only limited ability to cater for the linguistic and cultural intricacies of
diverse communities. | cs.CL | TARJAMAT: Evaluation of Bard and ChatGPT on Machine Translation of Ten Arabic Varieties |
2023-08-06T07:59:12Z | http://arxiv.org/pdf/2308.03043v2 | http://arxiv.org/abs/2308.03043v2 | Fatemah Almeman, Hadi Sheikhi, Luis Espinosa-Anke | 2023-08-11T12:07:52Z | cs.CL | Definitions are a fundamental building block in lexicography, linguistics and
computational semantics. In NLP, they have been used for retrofitting word
embeddings or augmenting contextual representations in language models.
However, lexical resources containing definitions exhibit a wide range of
properties, which has implications in the behaviour of models trained and
evaluated on them. In this paper, we introduce 3D- EX , a dataset that aims to
fill this gap by combining well-known English resources into one centralized
knowledge repository in the form of <term, definition, example> triples. 3D- EX
is a unified evaluation framework with carefully pre-computed
train/validation/test splits to prevent memorization. We report experimental
results that suggest that this dataset could be effectively leveraged in
downstream NLP tasks. Code and data are available at
https://github.com/F-Almeman/3D-EX . | cs.CL | 3D-EX : A Unified Dataset of Definitions and Dictionary Examples |
2023-08-06T05:23:25Z | http://arxiv.org/pdf/2308.03024v1 | http://arxiv.org/abs/2308.03024v1 | Onkar Susladkar, Prajwal Gatti, Anand Mishra | 2023-08-06T05:23:25Z | cs.CV, cs.AI, cs.CL, cs.MM | In this work, we study the task of ``visually" translating scene text from a
source language (e.g., English) to a target language (e.g., Chinese). Visual
translation involves not just the recognition and translation of scene text but
also the generation of the translated image that preserves visual features of
the text, such as font, size, and background. There are several challenges
associated with this task, such as interpolating font to unseen characters and
preserving text size and the background. To address these, we introduce VTNet,
a novel conditional diffusion-based method. To train the VTNet, we create a
synthetic cross-lingual dataset of 600K samples of scene text images in six
popular languages, including English, Hindi, Tamil, Chinese, Bengali, and
German. We evaluate the performance of VTnet through extensive experiments and
comparisons to related methods. Our model also surpasses the previous
state-of-the-art results on the conventional scene-text editing benchmarks.
Further, we present rigorous qualitative studies to understand the strengths
and shortcomings of our model. Results show that our approach generalizes well
to unseen words and fonts. We firmly believe our work can benefit real-world
applications, such as text translation using a phone camera and translating
educational materials. Code and data will be made publicly available. | cs.CV | Towards Scene-Text to Scene-Text Translation |
2023-08-06T00:16:04Z | http://arxiv.org/pdf/2308.02976v1 | http://arxiv.org/abs/2308.02976v1 | José Cañete, Gabriel Chaperon, Rodrigo Fuentes, Jou-Hui Ho, Hojin Kang, Jorge Pérez | 2023-08-06T00:16:04Z | cs.CL, cs.AI, cs.LG | The Spanish language is one of the top 5 spoken languages in the world.
Nevertheless, finding resources to train or evaluate Spanish language models is
not an easy task. In this paper we help bridge this gap by presenting a
BERT-based language model pre-trained exclusively on Spanish data. As a second
contribution, we also compiled several tasks specifically for the Spanish
language in a single repository much in the spirit of the GLUE benchmark. By
fine-tuning our pre-trained Spanish model, we obtain better results compared to
other BERT-based models pre-trained on multilingual corpora for most of the
tasks, even achieving a new state-of-the-art on some of them. We have publicly
released our model, the pre-training data, and the compilation of the Spanish
benchmarks. | cs.CL | Spanish Pre-trained BERT Model and Evaluation Data |
2023-08-05T22:38:05Z | http://arxiv.org/pdf/2310.07078v1 | http://arxiv.org/abs/2310.07078v1 | Clay H. Yoo, Ashiqur R. KhudaBukhsh | 2023-08-05T22:38:05Z | cs.LG, cs.AI, cs.CL | This paper makes two key contributions. First, it argues that highly
specialized rare content classifiers trained on small data typically have
limited exposure to the richness and topical diversity of the negative class
(dubbed anticontent) as observed in the wild. As a result, these classifiers'
strong performance observed on the test set may not translate into real-world
settings. In the context of COVID-19 misinformation detection, we conduct an
in-the-wild audit of multiple datasets and demonstrate that models trained with
several prominently cited recent datasets are vulnerable to anticontent when
evaluated in the wild. Second, we present a novel active learning pipeline that
requires zero manual annotation and iteratively augments the training data with
challenging anticontent, robustifying these classifiers. | cs.LG | Auditing and Robustifying COVID-19 Misinformation Datasets via Anticontent Sampling |
2023-08-05T22:19:03Z | http://arxiv.org/pdf/2308.02962v2 | http://arxiv.org/abs/2308.02962v2 | Adelmo Eloy, Thomas Palmeira Ferraz, Fellip Silva Alves, Roseli de Deus Lopes | 2023-10-14T02:31:04Z | cs.AI, cs.CL, physics.ed-ph, stat.AP | Science and Engineering fairs offer K-12 students opportunities to engage
with authentic STEM practices. Particularly, students are given the chance to
experience authentic and open inquiry processes, by defining which themes,
questions and approaches will guide their scientific endeavors. In this study,
we analyzed data from over 5,000 projects presented at a nationwide science
fair in Brazil over the past 20 years using topic modeling to identify the main
topics that have driven students' inquiry and design. Our analysis identified a
broad range of topics being explored, with significant variations over time,
region, and school setting. We argue those results and proposed methodology can
not only support further research in the context of science fairs, but also
inform instruction and design of contexts-specific resources to support
students in open inquiry experiences in different settings. | cs.AI | Science and engineering for what? A large-scale analysis of students' projects in science fairs |
2023-08-05T20:33:39Z | http://arxiv.org/pdf/2308.02951v1 | http://arxiv.org/abs/2308.02951v1 | Yueling Li, Sebastian Martschat, Simone Paolo Ponzetto | 2023-08-05T20:33:39Z | cs.CL | We present a cross-domain approach for automated measurement and context
extraction based on pre-trained language models. We construct a multi-source,
multi-domain corpus and train an end-to-end extraction pipeline. We then apply
multi-source task-adaptive pre-training and fine-tuning to benchmark the
cross-domain generalization capability of our model. Further, we conceptualize
and apply a task-specific error analysis and derive insights for future work.
Our results suggest that multi-source training leads to the best overall
results, while single-source training yields the best results for the
respective individual domain. While our setup is successful at extracting
quantity values and units, more research is needed to improve the extraction of
contextual entities. We make the cross-domain corpus used in this work
available online. | cs.CL | Multi-Source (Pre-)Training for Cross-Domain Measurement, Unit and Context Extraction |
2023-08-05T17:33:51Z | http://arxiv.org/pdf/2308.02926v1 | http://arxiv.org/abs/2308.02926v1 | Haoxiang Shi, Sumio Fujita, Tetsuya Sakai | 2023-08-05T17:33:51Z | cs.IR, cs.CL, cs.LG, cs.NI | Domain transfer is a prevalent challenge in modern neural Information
Retrieval (IR). To overcome this problem, previous research has utilized
domain-specific manual annotations and synthetic data produced by consistency
filtering to finetune a general ranker and produce a domain-specific ranker.
However, training such consistency filters are computationally expensive, which
significantly reduces the model efficiency. In addition, consistency filtering
often struggles to identify retrieval intentions and recognize query and corpus
distributions in a target domain. In this study, we evaluate a more efficient
solution: replacing the consistency filter with either direct pseudo-labeling,
pseudo-relevance feedback, or unsupervised keyword generation methods for
achieving consistent filtering-free unsupervised dense retrieval. Our extensive
experimental evaluations demonstrate that, on average, TextRank-based pseudo
relevance feedback outperforms other methods. Furthermore, we analyzed the
training and inference efficiency of the proposed paradigm. The results
indicate that filtering-free unsupervised learning can continuously improve
training and inference efficiency while maintaining retrieval performance. In
some cases, it can even improve performance based on particular datasets. | cs.IR | Towards Consistency Filtering-Free Unsupervised Learning for Dense Retrieval |
2023-08-05T15:51:45Z | http://arxiv.org/pdf/2308.02903v1 | http://arxiv.org/abs/2308.02903v1 | Zhanyu Ma, Jian Ye, Shuang Cheng | 2023-08-05T15:51:45Z | cs.CL | Cross-lingual adaptation has proven effective in spoken language
understanding (SLU) systems with limited resources. Existing methods are
frequently unsatisfactory for intent detection and slot filling, particularly
for distant languages that differ significantly from the source language in
scripts, morphology, and syntax. Latent Dialogue Action (LaDA) layer is
proposed to optimize decoding strategy in order to address the aforementioned
issues. The model consists of an additional layer of latent dialogue action. It
enables our model to improve a system's capability of handling conversations
with complex multilingual intent and slot values of distant languages. To the
best of our knowledge, this is the first exhaustive investigation of the use of
latent variables for optimizing cross-lingual SLU policy during the decode
stage. LaDA obtains state-of-the-art results on public datasets for both
zero-shot and few-shot adaptation. | cs.CL | LaDA: Latent Dialogue Action For Zero-shot Cross-lingual Neural Network Language Modeling |
2023-08-05T15:33:10Z | http://arxiv.org/pdf/2308.03800v1 | http://arxiv.org/abs/2308.03800v1 | Qiuru Li | 2023-08-05T15:33:10Z | cs.CL, cs.AI, cs.LG | In this report, I present a deep learning approach to conduct a natural
language processing (hereafter NLP) binary classification task for analyzing
financial-fraud texts. First, I searched for regulatory announcements and
enforcement bulletins from HKEX news to define fraudulent companies and to
extract their MD&A reports before I organized the sentences from the reports
with labels and reporting time. My methodology involved different kinds of
neural network models, including Multilayer Perceptrons with Embedding layers,
vanilla Recurrent Neural Network (RNN), Long-Short Term Memory (LSTM), and
Gated Recurrent Unit (GRU) for the text classification task. By utilizing this
diverse set of models, I aim to perform a comprehensive comparison of their
accuracy in detecting financial fraud. My results bring significant
implications for financial fraud detection as this work contributes to the
growing body of research at the intersection of deep learning, NLP, and
finance, providing valuable insights for industry practitioners, regulators,
and researchers in the pursuit of more robust and effective fraud detection
methodologies. | cs.CL | Textual Data Mining for Financial Fraud Detection: A Deep Learning Approach |
2023-08-05T12:50:54Z | http://arxiv.org/pdf/2308.02870v1 | http://arxiv.org/abs/2308.02870v1 | Fangyuan Wang, Ming Hao, Yuhai Shi, Bo Xu | 2023-08-05T12:50:54Z | cs.CL, cs.SD, eess.AS | The conventional recipe for Automatic Speech Recognition (ASR) models is to
1) train multiple checkpoints on a training set while relying on a validation
set to prevent overfitting using early stopping and 2) average several last
checkpoints or that of the lowest validation losses to obtain the final model.
In this paper, we rethink and update the early stopping and checkpoint
averaging from the perspective of the bias-variance tradeoff. Theoretically,
the bias and variance represent the fitness and variability of a model and the
tradeoff of them determines the overall generalization error. But, it's
impractical to evaluate them precisely. As an alternative, we take the training
loss and validation loss as proxies of bias and variance and guide the early
stopping and checkpoint averaging using their tradeoff, namely an Approximated
Bias-Variance Tradeoff (ApproBiVT). When evaluating with advanced ASR models,
our recipe provides 2.5%-3.7% and 3.1%-4.6% CER reduction on the AISHELL-1 and
AISHELL-2, respectively. | cs.CL | ApproBiVT: Lead ASR Models to Generalize Better Using Approximated Bias-Variance Tradeoff Guided Early Stopping and Checkpoint Averaging |
2023-08-05T02:55:35Z | http://arxiv.org/pdf/2308.02773v1 | http://arxiv.org/abs/2308.02773v1 | Yuhao Dan, Zhikai Lei, Yiyang Gu, Yong Li, Jianghao Yin, Jiaju Lin, Linhao Ye, Zhiyan Tie, Yougen Zhou, Yilei Wang, Aimin Zhou, Ze Zhou, Qin Chen, Jie Zhou, Liang He, Xipeng Qiu | 2023-08-05T02:55:35Z | cs.CL | EduChat (https://www.educhat.top/) is a large-scale language model
(LLM)-based chatbot system in the education domain. Its goal is to support
personalized, fair, and compassionate intelligent education, serving teachers,
students, and parents. Guided by theories from psychology and education, it
further strengthens educational functions such as open question answering,
essay assessment, Socratic teaching, and emotional support based on the
existing basic LLMs. Particularly, we learn domain-specific knowledge by
pre-training on the educational corpus and stimulate various skills with tool
use by fine-tuning on designed system prompts and instructions. Currently,
EduChat is available online as an open-source project, with its code, data, and
model parameters available on platforms (e.g., GitHub
https://github.com/icalk-nlp/EduChat, Hugging Face
https://huggingface.co/ecnu-icalk ). We also prepare a demonstration of its
capabilities online (https://vimeo.com/851004454). This initiative aims to
promote research and applications of LLMs for intelligent education. | cs.CL | EduChat: A Large-Scale Language Model-based Chatbot System for Intelligent Education |
2023-08-04T23:50:58Z | http://arxiv.org/pdf/2308.02746v1 | http://arxiv.org/abs/2308.02746v1 | Menglong Lu, Zhen Huang, Zhiliang Tian, Yunxiang Zhao, Xuanyu Fei, Dongsheng Li | 2023-08-04T23:50:58Z | cs.CL, cs.LG | Text classification is a fundamental task for natural language processing,
and adapting text classification models across domains has broad applications.
Self-training generates pseudo-examples from the model's predictions and
iteratively trains on the pseudo-examples, i.e., minimizes the loss on the
source domain and the Gibbs entropy on the target domain. However, Gibbs
entropy is sensitive to prediction errors, and thus, self-training tends to
fail when the domain shift is large. In this paper, we propose Meta-Tsallis
Entropy minimization (MTEM), which applies a meta-learning algorithm to
optimize the instance adaptive Tsallis entropy on the target domain. To reduce
the computation cost of MTEM, we propose an approximation technique to
approximate the Second-order derivation involved in the meta-learning. To
efficiently generate pseudo labels, we propose an annealing sampling mechanism
for exploring the model's prediction probability. Theoretically, we prove the
convergence of the meta-learning algorithm in MTEM and analyze the
effectiveness of MTEM in achieving domain adaptation. Experimentally, MTEM
improves the adaptation performance of BERT with an average of 4 percent on the
benchmark dataset. | cs.CL | Meta-Tsallis-Entropy Minimization: A New Self-Training Approach for Domain Adaptation on Text Classification |
2023-08-04T22:14:19Z | http://arxiv.org/pdf/2308.02727v1 | http://arxiv.org/abs/2308.02727v1 | Matthew Iceland | 2023-08-04T22:14:19Z | cs.CL | Automatic fake news detection with machine learning can prevent the
dissemination of false statements before they gain many views. Several datasets
labeling statements as legitimate or false have been created since the 2016
United States presidential election for the prospect of training machine
learning models. We evaluate the robustness of both traditional and deep
state-of-the-art models to gauge how well they may perform in the real world.
We find that traditional models tend to generalize better to data outside the
distribution it was trained on compared to more recently-developed large
language models, though the best model to use may depend on the specific task
at hand. | cs.CL | How Good Are SOTA Fake News Detectors |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.