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-03-14T09:47:23Z | http://arxiv.org/pdf/2303.09446v2 | http://arxiv.org/abs/2303.09446v2 | Dan Andrei Iliescu, Devang Savita Ram Mohan, Tian Huey Teh, Zack Hodari | 2024-04-16T01:33:24Z | eess.AS, cs.AI, cs.CL, cs.LG | We address the problem of human-in-the-loop control for generating prosody in
the context of text-to-speech synthesis. Controlling prosody is challenging
because existing generative models lack an efficient interface through which
users can modify the output quickly and precisely. To solve this, we introduce
a novel framework whereby the user provides partial inputs and the generative
model generates the missing features. We propose a model that is specifically
designed to encode partial prosodic features and output complete audio. We show
empirically that our model displays two essential qualities of a
human-in-the-loop control mechanism: efficiency and robustness. With even a
very small number of input values (~4), our model enables users to improve the
quality of the output significantly in terms of listener preference (4:1). | eess.AS | Controllable Prosody Generation With Partial Inputs |
2023-03-14T09:36:42Z | http://arxiv.org/pdf/2303.07740v1 | http://arxiv.org/abs/2303.07740v1 | Min Cao, Yang Bai, Jingyao Wang, Ziqiang Cao, Liqiang Nie, Min Zhang | 2023-03-14T09:36:42Z | cs.CV, cs.CL | Under the flourishing development in performance, current image-text
retrieval methods suffer from $N$-related time complexity, which hinders their
application in practice. Targeting at efficiency improvement, this paper
presents a simple and effective keyword-guided pre-screening framework for the
image-text retrieval. Specifically, we convert the image and text data into the
keywords and perform the keyword matching across modalities to exclude a large
number of irrelevant gallery samples prior to the retrieval network. For the
keyword prediction, we transfer it into a multi-label classification problem
and propose a multi-task learning scheme by appending the multi-label
classifiers to the image-text retrieval network to achieve a lightweight and
high-performance keyword prediction. For the keyword matching, we introduce the
inverted index in the search engine and create a win-win situation on both time
and space complexities for the pre-screening. Extensive experiments on two
widely-used datasets, i.e., Flickr30K and MS-COCO, verify the effectiveness of
the proposed framework. The proposed framework equipped with only two embedding
layers achieves $O(1)$ querying time complexity, while improving the retrieval
efficiency and keeping its performance, when applied prior to the common
image-text retrieval methods. Our code will be released. | cs.CV | Efficient Image-Text Retrieval via Keyword-Guided Pre-Screening |
2023-03-14T09:15:51Z | http://arxiv.org/pdf/2303.07726v1 | http://arxiv.org/abs/2303.07726v1 | Jungjun Kim, Changjin Han, Gyuhyeon Nam, Gyeongsu Chae | 2023-03-14T09:15:51Z | cs.CL, cs.LG, eess.AS | Most Chinese Grapheme-to-Phoneme (G2P) systems employ a three-stage framework
that first transforms input sequences into character embeddings, obtains
linguistic information using language models, and then predicts the phonemes
based on global context about the entire input sequence. However, linguistic
knowledge alone is often inadequate. Language models frequently encode overly
general structures of a sentence and fail to cover specific cases needed to use
phonetic knowledge. Also, a handcrafted post-processing system is needed to
address the problems relevant to the tone of the characters. However, the
system exhibits inconsistency in the segmentation of word boundaries which
consequently degrades the performance of the G2P system. To address these
issues, we propose the Reinforcer that provides strong inductive bias for
language models by emphasizing the phonological information between neighboring
characters to help disambiguate pronunciations. Experimental results show that
the Reinforcer boosts the cutting-edge architectures by a large margin. We also
combine the Reinforcer with a large-scale pre-trained model and demonstrate the
validity of using neighboring context in knowledge transfer scenarios. | cs.CL | Good Neighbors Are All You Need for Chinese Grapheme-to-Phoneme Conversion |
2023-03-14T08:52:58Z | http://arxiv.org/pdf/2303.07711v1 | http://arxiv.org/abs/2303.07711v1 | Chunyu Qiang, Peng Yang, Hao Che, Ying Zhang, Xiaorui Wang, Zhongyuan Wang | 2023-03-14T08:52:58Z | cs.SD, cs.AI, cs.CL, eess.AS | Cross-speaker style transfer in speech synthesis aims at transferring a style
from source speaker to synthesized speech of a target speaker's timbre. In most
previous methods, the synthesized fine-grained prosody features often represent
the source speaker's average style, similar to the one-to-many problem(i.e.,
multiple prosody variations correspond to the same text). In response to this
problem, a strength-controlled semi-supervised style extractor is proposed to
disentangle the style from content and timbre, improving the representation and
interpretability of the global style embedding, which can alleviate the
one-to-many mapping and data imbalance problems in prosody prediction. A
hierarchical prosody predictor is proposed to improve prosody modeling. We find
that better style transfer can be achieved by using the source speaker's
prosody features that are easily predicted. Additionally, a
speaker-transfer-wise cycle consistency loss is proposed to assist the model in
learning unseen style-timbre combinations during the training phase.
Experimental results show that the method outperforms the baseline. We provide
a website with audio samples. | cs.SD | Improving Prosody for Cross-Speaker Style Transfer by Semi-Supervised Style Extractor and Hierarchical Modeling in Speech Synthesis |
2023-03-14T08:04:38Z | http://arxiv.org/pdf/2303.07689v1 | http://arxiv.org/abs/2303.07689v1 | Mengfei Ye | 2023-03-14T08:04:38Z | cs.CL, cs.AI | I propose a novel dual-attention model(DAM) for aspect-level sentiment
classification. Many methods have been proposed, such as support vector
machines for artificial design features, long short-term memory networks based
on attention mechanisms, and graph neural networks based on dependency parsing.
While these methods all have decent performance, I think they all miss one
important piece of syntactic information: dependency labels. Based on this
idea, this paper proposes a model using dependency labels for the attention
mechanism to do this task. We evaluate the proposed approach on three datasets:
laptop and restaurant are from SemEval 2014, and the last one is a twitter
dataset. Experimental results show that the dual attention model has good
performance on all three datasets. | cs.CL | Dual-Attention Model for Aspect-Level Sentiment Classification |
2023-03-14T08:01:21Z | http://arxiv.org/pdf/2303.07687v1 | http://arxiv.org/abs/2303.07687v1 | Xulong Zhang, Haobin Tang, Jianzong Wang, Ning Cheng, Jian Luo, Jing Xiao | 2023-03-14T08:01:21Z | cs.SD, cs.CL, eess.AS | Because of predicting all the target tokens in parallel, the
non-autoregressive models greatly improve the decoding efficiency of speech
recognition compared with traditional autoregressive models. In this work, we
present dynamic alignment Mask CTC, introducing two methods: (1) Aligned Cross
Entropy (AXE), finding the monotonic alignment that minimizes the cross-entropy
loss through dynamic programming, (2) Dynamic Rectification, creating new
training samples by replacing some masks with model predicted tokens. The AXE
ignores the absolute position alignment between prediction and ground truth
sentence and focuses on tokens matching in relative order. The dynamic
rectification method makes the model capable of simulating the non-mask but
possible wrong tokens, even if they have high confidence. Our experiments on
WSJ dataset demonstrated that not only AXE loss but also the rectification
method could improve the WER performance of Mask CTC. | cs.SD | Dynamic Alignment Mask CTC: Improved Mask-CTC with Aligned Cross Entropy |
2023-03-14T07:53:19Z | http://arxiv.org/pdf/2303.07682v1 | http://arxiv.org/abs/2303.07682v1 | Haobin Tang, Xulong Zhang, Jianzong Wang, Ning Cheng, Jing Xiao | 2023-03-14T07:53:19Z | cs.SD, cs.CL, eess.AS | Recent expressive text to speech (TTS) models focus on synthesizing emotional
speech, but some fine-grained styles such as intonation are neglected. In this
paper, we propose QI-TTS which aims to better transfer and control intonation
to further deliver the speaker's questioning intention while transferring
emotion from reference speech. We propose a multi-style extractor to extract
style embedding from two different levels. While the sentence level represents
emotion, the final syllable level represents intonation. For fine-grained
intonation control, we use relative attributes to represent intonation
intensity at the syllable level.Experiments have validated the effectiveness of
QI-TTS for improving intonation expressiveness in emotional speech synthesis. | cs.SD | QI-TTS: Questioning Intonation Control for Emotional Speech Synthesis |
2023-03-14T07:27:30Z | http://arxiv.org/pdf/2303.07678v2 | http://arxiv.org/abs/2303.07678v2 | Liang Wang, Nan Yang, Furu Wei | 2023-10-11T08:34:42Z | cs.IR, cs.CL | This paper introduces a simple yet effective query expansion approach,
denoted as query2doc, to improve both sparse and dense retrieval systems. The
proposed method first generates pseudo-documents by few-shot prompting large
language models (LLMs), and then expands the query with generated
pseudo-documents. LLMs are trained on web-scale text corpora and are adept at
knowledge memorization. The pseudo-documents from LLMs often contain highly
relevant information that can aid in query disambiguation and guide the
retrievers. Experimental results demonstrate that query2doc boosts the
performance of BM25 by 3% to 15% on ad-hoc IR datasets, such as MS-MARCO and
TREC DL, without any model fine-tuning. Furthermore, our method also benefits
state-of-the-art dense retrievers in terms of both in-domain and out-of-domain
results. | cs.IR | Query2doc: Query Expansion with Large Language Models |
2023-03-14T07:10:03Z | http://arxiv.org/pdf/2303.07665v1 | http://arxiv.org/abs/2303.07665v1 | Pei Guo, Yisheng Xiao, Juntao Li, Min Zhang | 2023-03-14T07:10:03Z | cs.CL | Non-autoregressive neural machine translation (NAT) models are proposed to
accelerate the inference process while maintaining relatively high performance.
However, existing NAT models are difficult to achieve the desired
efficiency-quality trade-off. For one thing, fully NAT models with efficient
inference perform inferior to their autoregressive counterparts. For another,
iterative NAT models can, though, achieve comparable performance while
diminishing the advantage of speed. In this paper, we propose RenewNAT, a
flexible framework with high efficiency and effectiveness, to incorporate the
merits of fully and iterative NAT models. RenewNAT first generates the
potential translation results and then renews them in a single pass. It can
achieve significant performance improvements at the same expense as traditional
NAT models (without introducing additional model parameters and decoding
latency). Experimental results on various translation benchmarks (e.g.,
\textbf{4} WMT) show that our framework consistently improves the performance
of strong fully NAT methods (e.g., GLAT and DSLP) without additional speed
overhead. | cs.CL | RenewNAT: Renewing Potential Translation for Non-Autoregressive Transformer |
2023-03-14T06:34:18Z | http://arxiv.org/pdf/2303.07650v1 | http://arxiv.org/abs/2303.07650v1 | Xuchu Chen, Yu Pu, Jinpeng Li, Wei-Qiang Zhang | 2023-03-14T06:34:18Z | cs.CL, cs.SD, eess.AS | We present our submission to the ICASSP-SPGC-2023 ADReSS-M Challenge Task,
which aims to investigate which acoustic features can be generalized and
transferred across languages for Alzheimer's Disease (AD) prediction. The
challenge consists of two tasks: one is to classify the speech of AD patients
and healthy individuals, and the other is to infer Mini Mental State
Examination (MMSE) score based on speech only. The difficulty is mainly
embodied in the mismatch of the dataset, in which the training set is in
English while the test set is in Greek. We extract paralinguistic features
using openSmile toolkit and acoustic features using XLSR-53. In addition, we
extract linguistic features after transcribing the speech into text. These
features are used as indicators for AD detection in our method. Our method
achieves an accuracy of 69.6% on the classification task and a root mean
squared error (RMSE) of 4.788 on the regression task. The results show that our
proposed method is expected to achieve automatic multilingual Alzheimer's
Disease detection through spontaneous speech. | cs.CL | Cross-lingual Alzheimer's Disease detection based on paralinguistic and pre-trained features |
2023-03-14T04:47:00Z | http://arxiv.org/pdf/2303.07624v1 | http://arxiv.org/abs/2303.07624v1 | Yifan Peng, Jaesong Lee, Shinji Watanabe | 2023-03-14T04:47:00Z | cs.CL, cs.SD, eess.AS | Transformer-based end-to-end speech recognition has achieved great success.
However, the large footprint and computational overhead make it difficult to
deploy these models in some real-world applications. Model compression
techniques can reduce the model size and speed up inference, but the compressed
model has a fixed architecture which might be suboptimal. We propose a novel
Transformer encoder with Input-Dependent Dynamic Depth (I3D) to achieve strong
performance-efficiency trade-offs. With a similar number of layers at inference
time, I3D-based models outperform the vanilla Transformer and the static pruned
model via iterative layer pruning. We also present interesting analysis on the
gate probabilities and the input-dependency, which helps us better understand
deep encoders. | cs.CL | I3D: Transformer architectures with input-dependent dynamic depth for speech recognition |
2023-03-14T03:49:22Z | http://arxiv.org/pdf/2303.07616v1 | http://arxiv.org/abs/2303.07616v1 | Boxi Cao, Hongyu Lin, Xianpei Han, Le Sun | 2023-03-14T03:49:22Z | cs.CL | Knowledge plays a critical role in artificial intelligence. Recently, the
extensive success of pre-trained language models (PLMs) has raised significant
attention about how knowledge can be acquired, maintained, updated and used by
language models. Despite the enormous amount of related studies, there still
lacks a unified view of how knowledge circulates within language models
throughout the learning, tuning, and application processes, which may prevent
us from further understanding the connections between current progress or
realizing existing limitations. In this survey, we revisit PLMs as
knowledge-based systems by dividing the life circle of knowledge in PLMs into
five critical periods, and investigating how knowledge circulates when it is
built, maintained and used. To this end, we systematically review existing
studies of each period of the knowledge life cycle, summarize the main
challenges and current limitations, and discuss future directions. | cs.CL | The Life Cycle of Knowledge in Big Language Models: A Survey |
2023-03-14T03:13:02Z | http://arxiv.org/pdf/2303.07610v1 | http://arxiv.org/abs/2303.07610v1 | Yunjie Ji, Yan Gong, Yiping Peng, Chao Ni, Peiyan Sun, Dongyu Pan, Baochang Ma, Xiangang Li | 2023-03-14T03:13:02Z | cs.CL | As a natural language assistant, ChatGPT is capable of performing various
tasks, including but not limited to article generation, code completion, and
data analysis. Furthermore, ChatGPT has consistently demonstrated a remarkable
level of accuracy and reliability in terms of content evaluation, exhibiting
the capability of mimicking human preferences. To further explore ChatGPT's
potential in this regard, a study is conducted to assess its ability to rank
content. In order to do so, a test set consisting of prompts is created,
covering a wide range of use cases, and five models are utilized to generate
corresponding responses. ChatGPT is then instructed to rank the responses
generated by these models. The results on the test set show that ChatGPT's
ranking preferences are consistent with human to a certain extent. This
preliminary experimental finding implies that ChatGPT's zero-shot ranking
capability could be used to reduce annotation pressure in a number of ranking
tasks. | cs.CL | Exploring ChatGPT's Ability to Rank Content: A Preliminary Study on Consistency with Human Preferences |
2023-03-14T02:11:24Z | http://arxiv.org/pdf/2303.07585v1 | http://arxiv.org/abs/2303.07585v1 | Neşet Özkan Tan, Alex Yuxuan Peng, Joshua Bensemann, Qiming Bao, Tim Hartill, Mark Gahegan, Michael Witbrock | 2023-03-14T02:11:24Z | cs.CL | Identifying words that impact a task's performance more than others is a
challenge in natural language processing. Transformers models have recently
addressed this issue by incorporating an attention mechanism that assigns
greater attention (i.e., relevance) scores to some words than others. Because
of the attention mechanism's high computational cost, transformer models
usually have an input-length limitation caused by hardware constraints. This
limitation applies to many transformers, including the well-known bidirectional
encoder representations of the transformer (BERT) model. In this paper, we
examined BERT's attention assignment mechanism, focusing on two questions: (1)
How can attention be employed to reduce input length? (2) How can attention be
used as a control mechanism for conditional text generation? We investigated
these questions in the context of a text classification task. We discovered
that BERT's early layers assign more critical attention scores for text
classification tasks compared to later layers. We demonstrated that the first
layer's attention sums could be used to filter tokens in a given sequence,
considerably decreasing the input length while maintaining good test accuracy.
We also applied filtering, which uses a compute-efficient semantic similarities
algorithm, and discovered that retaining approximately 6\% of the original
sequence is sufficient to obtain 86.5\% accuracy. Finally, we showed that we
could generate data in a stable manner and indistinguishable from the original
one by only using a small percentage (10\%) of the tokens with high attention
scores according to BERT's first layer. | cs.CL | Input-length-shortening and text generation via attention values |
2023-03-14T01:53:49Z | http://arxiv.org/pdf/2303.07576v1 | http://arxiv.org/abs/2303.07576v1 | Yuansong Zhu, Yu Zhao | 2023-03-14T01:53:49Z | cs.CL, cs.AI | Diffusion models have become a powerful family of deep generative models,
with record-breaking performance in many applications. This paper first gives
an overview and derivation of the basic theory of diffusion models, then
reviews the research results of diffusion models in the field of natural
language processing, from text generation, text-driven image generation and
other four aspects, and analyzes and summarizes the relevant literature
materials sorted out, and finally records the experience and feelings of this
topic literature review research. | cs.CL | Diffusion Models in NLP: A Survey |
2023-03-13T23:17:51Z | http://arxiv.org/pdf/2303.07522v2 | http://arxiv.org/abs/2303.07522v2 | Chenguang Huang, Oier Mees, Andy Zeng, Wolfram Burgard | 2023-03-27T15:10:51Z | cs.RO, cs.AI, cs.CL, cs.CV, cs.LG | While interacting in the world is a multi-sensory experience, many robots
continue to predominantly rely on visual perception to map and navigate in
their environments. In this work, we propose Audio-Visual-Language Maps
(AVLMaps), a unified 3D spatial map representation for storing cross-modal
information from audio, visual, and language cues. AVLMaps integrate the
open-vocabulary capabilities of multimodal foundation models pre-trained on
Internet-scale data by fusing their features into a centralized 3D voxel grid.
In the context of navigation, we show that AVLMaps enable robot systems to
index goals in the map based on multimodal queries, e.g., textual descriptions,
images, or audio snippets of landmarks. In particular, the addition of audio
information enables robots to more reliably disambiguate goal locations.
Extensive experiments in simulation show that AVLMaps enable zero-shot
multimodal goal navigation from multimodal prompts and provide 50% better
recall in ambiguous scenarios. These capabilities extend to mobile robots in
the real world - navigating to landmarks referring to visual, audio, and
spatial concepts. Videos and code are available at: https://avlmaps.github.io. | cs.RO | Audio Visual Language Maps for Robot Navigation |
2023-03-13T23:11:05Z | http://arxiv.org/pdf/2303.07519v3 | http://arxiv.org/abs/2303.07519v3 | Theodoros Galanos, Antonios Liapis, Georgios N. Yannakakis | 2023-05-03T09:29:05Z | cs.CL, cs.LG | Architectural design is a highly complex practice that involves a wide
diversity of disciplines, technologies, proprietary design software, expertise,
and an almost infinite number of constraints, across a vast array of design
tasks. Enabling intuitive, accessible, and scalable design processes is an
important step towards performance-driven and sustainable design for all. To
that end, we introduce Architext, a novel semantic generation assistive tool.
Architext enables design generation with only natural language prompts, given
to large-scale Language Models, as input. We conduct a thorough quantitative
evaluation of Architext's downstream task performance, focusing on semantic
accuracy and diversity for a number of pre-trained language models ranging from
120 million to 6 billion parameters. Architext models are able to learn the
specific design task, generating valid residential layouts at a near 100% rate.
Accuracy shows great improvement when scaling the models, with the largest
model (GPT-J) yielding impressive accuracy ranging between 25% to over 80% for
different prompt categories. We open source the finetuned Architext models and
our synthetic dataset, hoping to inspire experimentation in this exciting area
of design research. | cs.CL | Architext: Language-Driven Generative Architecture Design |
2023-03-13T20:34:56Z | http://arxiv.org/pdf/2303.07457v1 | http://arxiv.org/abs/2303.07457v1 | Yisheng Xiao, Ruiyang Xu, Lijun Wu, Juntao Li, Tao Qin, Yan-Tie Liu, Min Zhang | 2023-03-13T20:34:56Z | cs.CL, cs.AI | Transformer-based autoregressive (AR) methods have achieved appealing
performance for varied sequence-to-sequence generation tasks, e.g., neural
machine translation, summarization, and code generation, but suffer from low
inference efficiency. To speed up the inference stage, many non-autoregressive
(NAR) strategies have been proposed in the past few years. Among them, the
conditional masked language model (CMLM) is one of the most versatile
frameworks, as it can support many different sequence generation scenarios and
achieve very competitive performance on these tasks. In this paper, we further
introduce a simple yet effective adaptive masking over masking strategy to
enhance the refinement capability of the decoder and make the encoder
optimization easier. Experiments on \textbf{3} different tasks (neural machine
translation, summarization, and code generation) with \textbf{15} datasets in
total confirm that our proposed simple method achieves significant performance
improvement over the strong CMLM model. Surprisingly, our proposed model yields
state-of-the-art performance on neural machine translation (\textbf{34.62} BLEU
on WMT16 EN$\to$RO, \textbf{34.82} BLEU on WMT16 RO$\to$EN, and \textbf{34.84}
BLEU on IWSLT De$\to$En) and even better performance than the \textbf{AR}
Transformer on \textbf{7} benchmark datasets with at least \textbf{2.2$\times$}
speedup. Our code is available at GitHub. | cs.CL | AMOM: Adaptive Masking over Masking for Conditional Masked Language Model |
2023-03-13T17:41:57Z | http://arxiv.org/pdf/2303.07320v2 | http://arxiv.org/abs/2303.07320v2 | Mrigank Raman, Pratyush Maini, J. Zico Kolter, Zachary C. Lipton, Danish Pruthi | 2023-12-06T00:48:53Z | cs.CL, cs.LG | In recent years, NLP practitioners have converged on the following practice:
(i) import an off-the-shelf pretrained (masked) language model; (ii) append a
multilayer perceptron atop the CLS token's hidden representation (with randomly
initialized weights); and (iii) fine-tune the entire model on a downstream task
(MLP-FT). This procedure has produced massive gains on standard NLP benchmarks,
but these models remain brittle, even to mild adversarial perturbations. In
this work, we demonstrate surprising gains in adversarial robustness enjoyed by
Model-tuning Via Prompts (MVP), an alternative method of adapting to downstream
tasks. Rather than appending an MLP head to make output prediction, MVP appends
a prompt template to the input, and makes prediction via text
infilling/completion. Across 5 NLP datasets, 4 adversarial attacks, and 3
different models, MVP improves performance against adversarial substitutions by
an average of 8% over standard methods and even outperforms adversarial
training-based state-of-art defenses by 3.5%. By combining MVP with adversarial
training, we achieve further improvements in adversarial robustness while
maintaining performance on unperturbed examples. Finally, we conduct ablations
to investigate the mechanism underlying these gains. Notably, we find that the
main causes of vulnerability of MLP-FT can be attributed to the misalignment
between pre-training and fine-tuning tasks, and the randomly initialized MLP
parameters. | cs.CL | Model-tuning Via Prompts Makes NLP Models Adversarially Robust |
2023-03-13T17:17:11Z | http://arxiv.org/pdf/2303.07295v1 | http://arxiv.org/abs/2303.07295v1 | Anh Nguyen, Nikos Karampatziakis, Weizhu Chen | 2023-03-13T17:17:11Z | cs.CL, cs.LG | Most language models (LMs) are trained and applied in an autoregressive
left-to-right fashion, assuming that the next token only depends on the
preceding ones. However, this assumption ignores the potential benefits of
using the full sequence information during training, and the possibility of
having context from both sides during inference. In this paper, we propose a
new pre-training paradigm with techniques that jointly improve the training
data efficiency and the capabilities of the LMs in the infilling task. The
first is a training objective that aligns the predictions of a left-to-right LM
with those of a right-to-left LM, trained on the same data but in reverse
order. The second is a bidirectional inference procedure that enables both LMs
to meet in the middle. We show the effectiveness of our pre-training paradigm
with extensive experiments on both programming and natural language models,
outperforming strong baselines. | cs.CL | Meet in the Middle: A New Pre-training Paradigm |
2023-03-13T17:12:03Z | http://arxiv.org/pdf/2303.07292v1 | http://arxiv.org/abs/2303.07292v1 | Olumide Ebenezer Ojo, Hoang Thang Ta, Alexander Gelbukh, Hiram Calvo, Olaronke Oluwayemisi Adebanji, Grigori Sidorov | 2023-03-13T17:12:03Z | cs.CL | The use of transfer learning methods is largely responsible for the present
breakthrough in Natural Learning Processing (NLP) tasks across multiple
domains. In order to solve the problem of sentiment detection, we examined the
performance of four different types of well-known state-of-the-art transformer
models for text classification. Models such as Bidirectional Encoder
Representations from Transformers (BERT), Robustly Optimized BERT Pre-training
Approach (RoBERTa), a distilled version of BERT (DistilBERT), and a large
bidirectional neural network architecture (XLNet) were proposed. The
performance of the four models that were used to detect disaster in the text
was compared. All the models performed well enough, indicating that
transformer-based models are suitable for the detection of disaster in text.
The RoBERTa transformer model performs best on the test dataset with a score of
82.6% and is highly recommended for quality predictions. Furthermore, we
discovered that the learning algorithms' performance was influenced by the
pre-processing techniques, the nature of words in the vocabulary, unbalanced
labeling, and the model parameters. | cs.CL | Transformer-based approaches to Sentiment Detection |
2023-03-13T16:49:43Z | http://arxiv.org/pdf/2303.07274v4 | http://arxiv.org/abs/2303.07274v4 | Nitzan Bitton-Guetta, Yonatan Bitton, Jack Hessel, Ludwig Schmidt, Yuval Elovici, Gabriel Stanovsky, Roy Schwartz | 2023-08-12T22:37:31Z | cs.CV, cs.AI, cs.CL | Weird, unusual, and uncanny images pique the curiosity of observers because
they challenge commonsense. For example, an image released during the 2022
world cup depicts the famous soccer stars Lionel Messi and Cristiano Ronaldo
playing chess, which playfully violates our expectation that their competition
should occur on the football field. Humans can easily recognize and interpret
these unconventional images, but can AI models do the same? We introduce
WHOOPS!, a new dataset and benchmark for visual commonsense. The dataset is
comprised of purposefully commonsense-defying images created by designers using
publicly-available image generation tools like Midjourney. We consider several
tasks posed over the dataset. In addition to image captioning, cross-modal
matching, and visual question answering, we introduce a difficult explanation
generation task, where models must identify and explain why a given image is
unusual. Our results show that state-of-the-art models such as GPT3 and BLIP2
still lag behind human performance on WHOOPS!. We hope our dataset will inspire
the development of AI models with stronger visual commonsense reasoning
abilities. Data, models and code are available at the project website:
whoops-benchmark.github.io | cs.CV | Breaking Common Sense: WHOOPS! A Vision-and-Language Benchmark of Synthetic and Compositional Images |
2023-03-13T16:20:33Z | http://arxiv.org/pdf/2303.07247v3 | http://arxiv.org/abs/2303.07247v3 | Sahil Girhepuje, Anmol Goel, Gokul S Krishnan, Shreya Goyal, Satyendra Pandey, Ponnurangam Kumaraguru, Balaraman Ravindran | 2024-05-14T08:44:37Z | cs.CL, cs.CY | Recent advances and applications of language technology and artificial
intelligence have enabled much success across multiple domains like law,
medical and mental health. AI-based Language Models, like Judgement Prediction,
have recently been proposed for the legal sector. However, these models are
strife with encoded social biases picked up from the training data. While bias
and fairness have been studied across NLP, most studies primarily locate
themselves within a Western context. In this work, we present an initial
investigation of fairness from the Indian perspective in the legal domain. We
highlight the propagation of learnt algorithmic biases in the bail prediction
task for models trained on Hindi legal documents. We evaluate the fairness gap
using demographic parity and show that a decision tree model trained for the
bail prediction task has an overall fairness disparity of 0.237 between input
features associated with Hindus and Muslims. Additionally, we highlight the
need for further research and studies in the avenues of fairness/bias in
applying AI in the legal sector with a specific focus on the Indian context. | cs.CL | Are Models Trained on Indian Legal Data Fair? |
2023-03-13T16:13:16Z | http://arxiv.org/pdf/2303.07240v1 | http://arxiv.org/abs/2303.07240v1 | Weixiong Lin, Ziheng Zhao, Xiaoman Zhang, Chaoyi Wu, Ya Zhang, Yanfeng Wang, Weidi Xie | 2023-03-13T16:13:16Z | cs.CV, cs.CL, cs.LG, cs.MM | Foundation models trained on large-scale dataset gain a recent surge in CV
and NLP. In contrast, development in biomedical domain lags far behind due to
data scarcity. To address this issue, we build and release PMC-OA, a biomedical
dataset with 1.6M image-caption pairs collected from PubMedCentral's OpenAccess
subset, which is 8 times larger than before. PMC-OA covers diverse modalities
or diseases, with majority of the image-caption samples aligned at
finer-grained level, i.e., subfigure and subcaption. While pretraining a
CLIP-style model on PMC-OA, our model named PMC-CLIP achieves state-of-the-art
results on various downstream tasks, including image-text retrieval on ROCO,
MedMNIST image classification, Medical VQA, i.e. +8.1% R@10 on image-text
retrieval, +3.9% accuracy on image classification. | cs.CV | PMC-CLIP: Contrastive Language-Image Pre-training using Biomedical Documents |
2023-03-13T16:00:31Z | http://arxiv.org/pdf/2303.07226v1 | http://arxiv.org/abs/2303.07226v1 | Sheng Shen, Zhewei Yao, Chunyuan Li, Trevor Darrell, Kurt Keutzer, Yuxiong He | 2023-03-13T16:00:31Z | cs.CV, cs.CL | The field of natural language processing (NLP) has made significant strides
in recent years, particularly in the development of large-scale vision-language
models (VLMs). These models aim to bridge the gap between text and visual
information, enabling a more comprehensive understanding of multimedia data.
However, as these models become larger and more complex, they also become more
challenging to train and deploy. One approach to addressing this challenge is
the use of sparsely-gated mixture-of-experts (MoE) techniques, which divide the
model into smaller, specialized sub-models that can jointly solve a task. In
this paper, we explore the effectiveness of MoE in scaling vision-language
models, demonstrating its potential to achieve state-of-the-art performance on
a range of benchmarks over dense models of equivalent computational cost. Our
research offers valuable insights into stabilizing the training of MoE models,
understanding the impact of MoE on model interpretability, and balancing the
trade-offs between compute performance when scaling VLMs. We hope our work will
inspire further research into the use of MoE for scaling large-scale
vision-language models and other multimodal machine learning applications. | cs.CV | Scaling Vision-Language Models with Sparse Mixture of Experts |
2023-03-13T15:34:19Z | http://arxiv.org/pdf/2303.07196v2 | http://arxiv.org/abs/2303.07196v2 | Obaidullah Zaland, Muhammad Abulaish, Mohd. Fazil | 2024-03-02T19:19:44Z | cs.CL, cs.NE | Vector-based word representations help countless Natural Language Processing
(NLP) tasks capture the language's semantic and syntactic regularities. In this
paper, we present the characteristics of existing word embedding approaches and
analyze them with regard to many classification tasks. We categorize the
methods into two main groups - Traditional approaches mostly use matrix
factorization to produce word representations, and they are not able to capture
the semantic and syntactic regularities of the language very well. On the other
hand, Neural-network-based approaches can capture sophisticated regularities of
the language and preserve the word relationships in the generated word
representations. We report experimental results on multiple classification
tasks and highlight the scenarios where one approach performs better than the
rest. | cs.CL | A Comprehensive Empirical Evaluation of Existing Word Embedding Approaches |
2023-03-13T14:16:59Z | http://arxiv.org/pdf/2303.07146v1 | http://arxiv.org/abs/2303.07146v1 | Nick Papoulias | 2023-03-13T14:16:59Z | cs.PL, cs.AI, cs.CL, cs.SE | We present a new AI task and baseline solution for Inter-Subjective
Reasoning. We define inter-subjective information, to be a mixture of objective
and subjective information possibly shared by different parties. Examples may
include commodities and their objective properties as reported by IR
(Information Retrieval) systems, that need to be cross-referenced with
subjective user reviews from an online forum. For an AI system to successfully
reason about both, it needs to be able to combine symbolic reasoning of
objective facts with the shared consensus found on subjective user reviews. To
this end we introduce the NeuroQL dataset and DSL (Domain-specific Language) as
a baseline solution for this problem. NeuroQL is a neuro-symbolic language that
extends logical unification with neural primitives for extraction and
retrieval. It can function as a target for automatic translation of
inter-subjective questions (posed in natural language) into the neuro-symbolic
code that can answer them. | cs.PL | NeuroQL: A Neuro-Symbolic Language and Dataset for Inter-Subjective Reasoning |
2023-03-13T14:09:53Z | http://arxiv.org/pdf/2303.07142v3 | http://arxiv.org/abs/2303.07142v3 | Benjamin Clavié, Alexandru Ciceu, Frederick Naylor, Guillaume Soulié, Thomas Brightwell | 2023-04-18T09:58:53Z | cs.CL | This case study investigates the task of job classification in a real-world
setting, where the goal is to determine whether an English-language job posting
is appropriate for a graduate or entry-level position. We explore multiple
approaches to text classification, including supervised approaches such as
traditional models like Support Vector Machines (SVMs) and state-of-the-art
deep learning methods such as DeBERTa. We compare them with Large Language
Models (LLMs) used in both few-shot and zero-shot classification settings. To
accomplish this task, we employ prompt engineering, a technique that involves
designing prompts to guide the LLMs towards the desired output. Specifically,
we evaluate the performance of two commercially available state-of-the-art
GPT-3.5-based language models, text-davinci-003 and gpt-3.5-turbo. We also
conduct a detailed analysis of the impact of different aspects of prompt
engineering on the model's performance. Our results show that, with a
well-designed prompt, a zero-shot gpt-3.5-turbo classifier outperforms all
other models, achieving a 6% increase in Precision@95% Recall compared to the
best supervised approach. Furthermore, we observe that the wording of the
prompt is a critical factor in eliciting the appropriate "reasoning" in the
model, and that seemingly minor aspects of the prompt significantly affect the
model's performance. | cs.CL | Large Language Models in the Workplace: A Case Study on Prompt Engineering for Job Type Classification |
2023-03-13T12:45:01Z | http://arxiv.org/pdf/2303.07069v1 | http://arxiv.org/abs/2303.07069v1 | Damien Sileo, Kanimozhi Uma, Marie-Francine Moens | 2023-03-13T12:45:01Z | cs.CL, H.4; H.5; I.2 | Medical multiple-choice question answering (MCQA) is particularly difficult.
Questions may describe patient symptoms and ask for the correct diagnosis,
which requires domain knowledge and complex reasoning. Standard language
modeling pretraining alone is not sufficient to achieve the best results.
\citet{jin2020disease} showed that focusing masked language modeling on disease
name prediction when using medical encyclopedic paragraphs as input leads to
considerable MCQA accuracy improvement. In this work, we show that (1)
fine-tuning on generated MCQA dataset outperforms the masked language modeling
based objective and (2) correctly masking the cues to the answers is critical
for good performance. We release new pretraining datasets and achieve
state-of-the-art results on 4 MCQA datasets, notably +5.7\% with base-size
model on MedQA-USMLE. | cs.CL | Generating multiple-choice questions for medical question answering with distractors and cue-masking |
2023-03-13T11:41:28Z | http://arxiv.org/pdf/2303.07024v1 | http://arxiv.org/abs/2303.07024v1 | Shaina Raza, Syed Raza Bashir, Sneha, Urooj Qamar | 2023-03-13T11:41:28Z | cs.CL, cs.AI | The concept of fairness is gaining popularity in academia and industry.
Social media is especially vulnerable to media biases and toxic language and
comments. We propose a fair ML pipeline that takes a text as input and
determines whether it contains biases and toxic content. Then, based on
pre-trained word embeddings, it suggests a set of new words by substituting the
bi-ased words, the idea is to lessen the effects of those biases by replacing
them with alternative words. We compare our approach to existing fairness
models to determine its effectiveness. The results show that our proposed
pipeline can de-tect, identify, and mitigate biases in social media data | cs.CL | Addressing Biases in the Texts using an End-to-End Pipeline Approach |
2023-03-13T10:53:00Z | http://arxiv.org/pdf/2304.02481v2 | http://arxiv.org/abs/2304.02481v2 | Ulf A. Hamster, Ji-Ung Lee, Alexander Geyken, Iryna Gurevych | 2023-05-16T05:39:46Z | cs.CL | Training and inference on edge devices often requires an efficient setup due
to computational limitations. While pre-computing data representations and
caching them on a server can mitigate extensive edge device computation, this
leads to two challenges. First, the amount of storage required on the server
that scales linearly with the number of instances. Second, the bandwidth
required to send extensively large amounts of data to an edge device. To reduce
the memory footprint of pre-computed data representations, we propose a simple,
yet effective approach that uses randomly initialized hyperplane projections.
To further reduce their size by up to 98.96%, we quantize the resulting
floating-point representations into binary vectors. Despite the greatly reduced
size, we show that the embeddings remain effective for training models across
various English and German sentence classification tasks that retain 94%--99%
of their floating-point. | cs.CL | Rediscovering Hashed Random Projections for Efficient Quantization of Contextualized Sentence Embeddings |
2023-03-13T09:22:48Z | http://arxiv.org/pdf/2303.06944v1 | http://arxiv.org/abs/2303.06944v1 | Elena V. Epure, Romain Hennequin | 2023-03-13T09:22:48Z | cs.CL | We conducted a human subject study of named entity recognition on a noisy
corpus of conversational music recommendation queries, with many irregular and
novel named entities. We evaluated the human NER linguistic behaviour in these
challenging conditions and compared it with the most common NER systems
nowadays, fine-tuned transformers. Our goal was to learn about the task to
guide the design of better evaluation methods and NER algorithms. The results
showed that NER in our context was quite hard for both human and algorithms
under a strict evaluation schema; humans had higher precision, while the model
higher recall because of entity exposure especially during pre-training; and
entity types had different error patterns (e.g. frequent typing errors for
artists). The released corpus goes beyond predefined frames of interaction and
can support future work in conversational music recommendation. | cs.CL | A Human Subject Study of Named Entity Recognition (NER) in Conversational Music Recommendation Queries |
2023-03-13T09:04:17Z | http://arxiv.org/pdf/2303.11438v1 | http://arxiv.org/abs/2303.11438v1 | Linh Anh Nguyen | 2023-03-13T09:04:17Z | cs.AI, cs.CL | The problem of minimizing finite fuzzy interpretations in fuzzy description
logics (FDLs) is worth studying. For example, the structure of a fuzzy/weighted
social network can be treated as a fuzzy interpretation in FDLs, where actors
are individuals and actions are roles. Minimizing the structure of a
fuzzy/weighted social network makes it more compact, thus making network
analysis tasks more efficient. In this work, we study the problem of minimizing
a finite fuzzy interpretation in a FDL by using the largest crisp
auto-bisimulation. The considered FDLs use the Baaz projection operator and
their semantics is specified using an abstract algebra of fuzzy truth values,
which can be any linear and complete residuated lattice. We provide an
efficient algorithm with a complexity of $O((m \log{l} + n) \log{n})$ for
minimizing a given finite fuzzy interpretation $\mathcal{I}$, where $n$ is the
size of the domain of $\mathcal{I}$, $m$ is number of nonzero instances of
atomic roles of $\mathcal{I}$ and $l$ is the number of different fuzzy values
used for instances of atomic roles of $\mathcal{I}$. We prove that the fuzzy
interpretation returned by the algorithm is minimal among the ones that
preserve fuzzy TBoxes and ABoxes under certain conditions. | cs.AI | Minimizing Fuzzy Interpretations in Fuzzy Description Logics by Using Crisp Bisimulations |
2023-03-13T07:46:41Z | http://arxiv.org/pdf/2303.06904v1 | http://arxiv.org/abs/2303.06904v1 | Digbalay Bose, Rajat Hebbar, Krishna Somandepalli, Shrikanth Narayanan | 2023-03-13T07:46:41Z | cs.CV, cs.AI, cs.CL | The process of human affect understanding involves the ability to infer
person specific emotional states from various sources including images, speech,
and language. Affect perception from images has predominantly focused on
expressions extracted from salient face crops. However, emotions perceived by
humans rely on multiple contextual cues including social settings, foreground
interactions, and ambient visual scenes. In this work, we leverage pretrained
vision-language (VLN) models to extract descriptions of foreground context from
images. Further, we propose a multimodal context fusion (MCF) module to combine
foreground cues with the visual scene and person-based contextual information
for emotion prediction. We show the effectiveness of our proposed modular
design on two datasets associated with natural scenes and TV shows. | cs.CV | Contextually-rich human affect perception using multimodal scene information |
2023-03-13T06:39:38Z | http://arxiv.org/pdf/2303.07354v1 | http://arxiv.org/abs/2303.07354v1 | Lin Tian, Xiuzhen Zhang, Jey Han Lau | 2023-03-13T06:39:38Z | cs.CL | State-sponsored trolls are the main actors of influence campaigns on social
media and automatic troll detection is important to combat misinformation at
scale. Existing troll detection models are developed based on training data for
known campaigns (e.g.\ the influence campaign by Russia's Internet Research
Agency on the 2016 US Election), and they fall short when dealing with {\em
novel} campaigns with new targets. We propose MetaTroll, a text-based troll
detection model based on the meta-learning framework that enables high
portability and parameter-efficient adaptation to new campaigns using only a
handful of labelled samples for few-shot transfer. We introduce
\textit{campaign-specific} transformer adapters to MetaTroll to ``memorise''
campaign-specific knowledge so as to tackle catastrophic forgetting, where a
model ``forgets'' how to detect trolls from older campaigns due to continual
adaptation. Our experiments demonstrate that MetaTroll substantially
outperforms baselines and state-of-the-art few-shot text classification models.
Lastly, we explore simple approaches to extend MetaTroll to multilingual and
multimodal detection. Source code for MetaTroll is available at:
https://github.com/ltian678/metatroll-code.git. | cs.CL | MetaTroll: Few-shot Detection of State-Sponsored Trolls with Transformer Adapters |
2023-03-13T05:53:42Z | http://arxiv.org/pdf/2303.06878v1 | http://arxiv.org/abs/2303.06878v1 | Binbin Du, Rui Deng, Yingxin Zhang | 2023-03-13T05:53:42Z | cs.CL, cs.AI | This paper introduces the system submitted by dun_oscar team for the ICPR MSR
Challenge. Three subsystems for task1-task3 are descripted respectively. In
task1, we develop a visual system which includes a OCR model, a text tracker,
and a NLP classifier for distinguishing subtitles and non-subtitles. In task2,
we employ an ASR system which includes an AM with 18 layers and a 4-gram LM.
Semi-supervised learning on unlabeled data is also vital. In task3, we employ
the ASR system to improve the visual system, some false subtitles can be
corrected by a fusion module. | cs.CL | The System Description of dun_oscar team for The ICPR MSR Challenge |
2023-03-13T04:49:46Z | http://arxiv.org/pdf/2303.06854v2 | http://arxiv.org/abs/2303.06854v2 | Wenhan Yang, Jingdong Gao, Baharan Mirzasoleiman | 2023-12-19T19:12:53Z | cs.CV, cs.CL, cs.CR, cs.LG | Contrastive vision-language representation learning has achieved
state-of-the-art performance for zero-shot classification, by learning from
millions of image-caption pairs crawled from the internet. However, the massive
data that powers large multimodal models such as CLIP, makes them extremely
vulnerable to various types of targeted data poisoning and backdoor attacks.
Despite this vulnerability, robust contrastive vision-language pre-training
against such attacks has remained unaddressed. In this work, we propose ROCLIP,
the first effective method for robust pre-training multimodal vision-language
models against targeted data poisoning and backdoor attacks. ROCLIP effectively
breaks the association between poisoned image-caption pairs by considering a
relatively large and varying pool of random captions, and matching every image
with the text that is most similar to it in the pool instead of its own
caption, every few epochs.It also leverages image and text augmentations to
further strengthen the defense and improve the performance of the model. Our
extensive experiments show that ROCLIP renders state-of-the-art targeted data
poisoning and backdoor attacks ineffective during pre-training CLIP models. In
particular, ROCLIP decreases the success rate for targeted data poisoning
attacks from 93.75% to 12.5% and that of backdoor attacks down to 0%, while
improving the model's linear probe performance by 10% and maintains a similar
zero shot performance compared to CLIP. By increasing the frequency of
matching, ROCLIP is able to defend strong attacks, which add up to 1% poisoned
examples to the data, and successfully maintain a low attack success rate of
12.5%, while trading off the performance on some tasks. | cs.CV | Robust Contrastive Language-Image Pre-training against Data Poisoning and Backdoor Attacks |
2023-03-13T04:15:33Z | http://arxiv.org/pdf/2303.06841v4 | http://arxiv.org/abs/2303.06841v4 | Zhengxiang Wang | 2024-04-21T14:45:00Z | cs.CL | The paper studies the capabilities of Recurrent-Neural-Network sequence to
sequence (RNN seq2seq) models in learning four transduction tasks: identity,
reversal, total reduplication, and quadratic copying. These transductions are
traditionally well studied under finite state transducers and attributed with
increasing complexity. We find that RNN seq2seq models are only able to
approximate a mapping that fits the training or in-distribution data, instead
of learning the underlying functions. Although attention makes learning more
efficient and robust, it does not overcome the out-of-distribution
generalization limitation. We establish a novel complexity hierarchy for
learning the four tasks for attention-less RNN seq2seq models, which may be
understood in terms of the complexity hierarchy of formal languages, instead of
string transductions. RNN variants also play a role in the results. In
particular, we show that Simple RNN seq2seq models cannot count the input
length. | cs.CL | Learning Transductions and Alignments with RNN Seq2seq Models |
2023-03-13T01:28:55Z | http://arxiv.org/pdf/2303.06806v1 | http://arxiv.org/abs/2303.06806v1 | Yusuke Fujita, Tatsuya Komatsu, Robin Scheibler, Yusuke Kida, Tetsuji Ogawa | 2023-03-13T01:28:55Z | eess.AS, cs.CL, cs.SD | End-to-end neural diarization (EEND) with encoder-decoder-based attractors
(EDA) is a promising method to handle the whole speaker diarization problem
simultaneously with a single neural network. While the EEND model can produce
all frame-level speaker labels simultaneously, it disregards output label
dependency. In this work, we propose a novel EEND model that introduces the
label dependency between frames. The proposed method generates
non-autoregressive intermediate attractors to produce speaker labels at the
lower layers and conditions the subsequent layers with these labels. While the
proposed model works in a non-autoregressive manner, the speaker labels are
refined by referring to the whole sequence of intermediate labels. The
experiments with the two-speaker CALLHOME dataset show that the intermediate
labels with the proposed non-autoregressive intermediate attractors boost the
diarization performance. The proposed method with the deeper network benefits
more from the intermediate labels, resulting in better performance and training
throughput than EEND-EDA. | eess.AS | Neural Diarization with Non-autoregressive Intermediate Attractors |
2023-03-13T00:39:04Z | http://arxiv.org/pdf/2303.06791v2 | http://arxiv.org/abs/2303.06791v2 | Arun Tejasvi Chaganty, Megan Leszczynski, Shu Zhang, Ravi Ganti, Krisztian Balog, Filip Radlinski | 2023-05-05T20:31:45Z | cs.IR, cs.CL | Users in consumption domains, like music, are often able to more efficiently
provide preferences over a set of items (e.g. a playlist or radio) than over
single items (e.g. songs). Unfortunately, this is an underexplored area of
research, with most existing recommendation systems limited to understanding
preferences over single items. Curating an item set exponentiates the search
space that recommender systems must consider (all subsets of items!): this
motivates conversational approaches-where users explicitly state or refine
their preferences and systems elicit preferences in natural language-as an
efficient way to understand user needs. We call this task conversational item
set curation and present a novel data collection methodology that efficiently
collects realistic preferences about item sets in a conversational setting by
observing both item-level and set-level feedback. We apply this methodology to
music recommendation to build the Conversational Playlist Curation Dataset
(CPCD), where we show that it leads raters to express preferences that would
not be otherwise expressed. Finally, we propose a wide range of conversational
retrieval models as baselines for this task and evaluate them on the dataset. | cs.IR | Beyond Single Items: Exploring User Preferences in Item Sets with the Conversational Playlist Curation Dataset |
2023-03-12T20:11:25Z | http://arxiv.org/pdf/2303.17513v3 | http://arxiv.org/abs/2303.17513v3 | Merlin Carl | 2024-04-10T14:19:42Z | cs.CL, cs.LO | The Diproche system is an automated proof checker for texts written in a
controlled fragment of German, designed for didactical applications in classes
introducing students to proofs for the first time. The first version of the
system used a controlled natural language for which a Prolog formalization
routine was written. In this paper, we explore the possibility of prompting
large language models for autoformalization in the context of Diproche, with
encouraging first results. | cs.CL | Improving the Diproche CNL through Autoformalization via Large Language Models |
2023-03-12T14:31:44Z | http://arxiv.org/pdf/2303.06675v1 | http://arxiv.org/abs/2303.06675v1 | Shima Foolad, Kourosh Kiani | 2023-03-12T14:31:44Z | cs.CL, cs.LG | Incorporating prior knowledge can improve existing pre-training models in
cloze-style machine reading and has become a new trend in recent studies.
Notably, most of the existing models have integrated external knowledge graphs
(KG) and transformer-based models, such as BERT into a unified data structure.
However, selecting the most relevant ambiguous entities in KG and extracting
the best subgraph remains a challenge. In this paper, we propose the
LUKE-Graph, a model that builds a heterogeneous graph based on the intuitive
relationships between entities in a document without using any external KG. We
then use a Relational Graph Attention (RGAT) network to fuse the graph's
reasoning information and the contextual representation encoded by the
pre-trained LUKE model. In this way, we can take advantage of LUKE, to derive
an entity-aware representation; and a graph model - to exploit relation-aware
representation. Moreover, we propose Gated-RGAT by augmenting RGAT with a
gating mechanism that regulates the question information for the graph
convolution operation. This is very similar to human reasoning processing
because they always choose the best entity candidate based on the question
information. Experimental results demonstrate that the LUKE-Graph achieves
state-of-the-art performance on the ReCoRD dataset with commonsense reasoning. | cs.CL | LUKE-Graph: A Transformer-based Approach with Gated Relational Graph Attention for Cloze-style Reading Comprehension |
2023-03-12T13:51:38Z | http://arxiv.org/pdf/2303.06662v2 | http://arxiv.org/abs/2303.06662v2 | Zhengrui Ma, Chenze Shao, Shangtong Gui, Min Zhang, Yang Feng | 2023-07-17T07:21:50Z | cs.CL, I.2.7 | Non-autoregressive translation (NAT) reduces the decoding latency but suffers
from performance degradation due to the multi-modality problem. Recently, the
structure of directed acyclic graph has achieved great success in NAT, which
tackles the multi-modality problem by introducing dependency between vertices.
However, training it with negative log-likelihood loss implicitly requires a
strict alignment between reference tokens and vertices, weakening its ability
to handle multiple translation modalities. In this paper, we hold the view that
all paths in the graph are fuzzily aligned with the reference sentence. We do
not require the exact alignment but train the model to maximize a fuzzy
alignment score between the graph and reference, which takes captured
translations in all modalities into account. Extensive experiments on major WMT
benchmarks show that our method substantially improves translation performance
and increases prediction confidence, setting a new state of the art for NAT on
the raw training data. | cs.CL | Fuzzy Alignments in Directed Acyclic Graph for Non-Autoregressive Machine Translation |
2023-03-12T09:35:42Z | http://arxiv.org/pdf/2303.06623v2 | http://arxiv.org/abs/2303.06623v2 | Joshua Tanner, Jacob Hoffman | 2023-10-19T03:31:53Z | cs.CL | Recent approaches to word sense disambiguation (WSD) utilize encodings of the
sense gloss (definition), in addition to the input context, to improve
performance. In this work we demonstrate that this approach can be adapted for
use in multiword expression (MWE) identification by training models which use
gloss and context information to filter MWE candidates produced by a rule-based
extraction pipeline. Our approach substantially improves precision,
outperforming the state-of-the-art in MWE identification on the DiMSUM dataset
by up to 1.9 F1 points and achieving competitive results on the PARSEME 1.1
English dataset. Our models also retain most of their WSD performance, showing
that a single model can be used for both tasks. Finally, building on similar
approaches using Bi-encoders for WSD, we introduce a novel Poly-encoder
architecture which improves MWE identification performance. | cs.CL | MWE as WSD: Solving Multiword Expression Identification with Word Sense Disambiguation |
2023-03-12T06:11:44Z | http://arxiv.org/pdf/2303.06585v1 | http://arxiv.org/abs/2303.06585v1 | Mohamed Nabih Ali, Alessio Brutti, Daniele Falavigna | 2023-03-12T06:11:44Z | cs.CL, cs.SD, eess.AS | Intent classification is a fundamental task in the spoken language
understanding field that has recently gained the attention of the scientific
community, mainly because of the feasibility of approaching it with end-to-end
neural models. In this way, avoiding using intermediate steps, i.e. automatic
speech recognition, is possible, thus the propagation of errors due to
background noise, spontaneous speech, speaking styles of users, etc. Towards
the development of solutions applicable in real scenarios, it is interesting to
investigate how environmental noise and related noise reduction techniques to
address the intent classification task with end-to-end neural models. In this
paper, we experiment with a noisy version of the fluent speech command data
set, combining the intent classifier with a time-domain speech enhancement
solution based on Wave-U-Net and considering different training strategies.
Experimental results reveal that, for this task, the use of speech enhancement
greatly improves the classification accuracy in noisy conditions, in particular
when the classification model is trained on enhanced signals. | cs.CL | Improving the Intent Classification accuracy in Noisy Environment |
2023-03-12T05:27:22Z | http://arxiv.org/pdf/2303.06580v1 | http://arxiv.org/abs/2303.06580v1 | Huahui Yi, Ziyuan Qin, Qicheng Lao, Wei Xu, Zekun Jiang, Dequan Wang, Shaoting Zhang, Kang Li | 2023-03-12T05:27:22Z | cs.CV, cs.CL, cs.LG | Inevitable domain and task discrepancies in real-world scenarios can impair
the generalization performance of the pre-trained deep models for medical data.
Therefore, we audaciously propose that we should build a general-purpose
medical AI system that can be seamlessly adapted to downstream domains/tasks.
Since the domain/task adaption procedures usually involve additional labeling
work for the target data, designing a data-efficient adaption algorithm is
desired to save the cost of transferring the learned knowledge. Our recent work
found that vision-language models (VLMs) are efficient learners with
extraordinary cross-domain ability. Therefore, in this work, we further explore
the possibility of leveraging pre-trained VLMs as medical foundation models for
building general-purpose medical AI, where we thoroughly investigate three
machine-learning paradigms, i.e., domain/task-specialized learning, joint
learning, and continual learning, for training the VLMs and evaluate their
generalization performance on cross-domain and cross-task test sets. To
alleviate the catastrophic forgetting during sequential training, we employ
rehearsal learning and receive a sharp boost in terms of generalization
capability. In a nutshell, our empirical evidence suggests that continual
learning may be a practical and efficient learning paradigm for the medical
foundation model. And we hope researchers can use our empirical evidence as
basement to further explore the path toward medical foundation model. | cs.CV | Towards General Purpose Medical AI: Continual Learning Medical Foundation Model |
2023-03-12T05:11:09Z | http://arxiv.org/pdf/2303.06574v2 | http://arxiv.org/abs/2303.06574v2 | Yifan Li, Kun Zhou, Wayne Xin Zhao, Ji-Rong Wen | 2023-05-13T12:42:49Z | cs.CL | Non-autoregressive (NAR) text generation has attracted much attention in the
field of natural language processing, which greatly reduces the inference
latency but has to sacrifice the generation accuracy. Recently, diffusion
models, a class of latent variable generative models, have been introduced into
NAR text generation, showing an improved text generation quality. In this
survey, we review the recent progress in diffusion models for NAR text
generation. As the background, we first present the general definition of
diffusion models and the text diffusion models, and then discuss their merits
for NAR generation. As the core content, we further introduce two mainstream
diffusion models in existing work of text diffusion, and review the key designs
of the diffusion process. Moreover, we discuss the utilization of pre-trained
language models (PLMs) for text diffusion models and introduce optimization
techniques for text data. Finally, we discuss several promising directions and
conclude this paper. Our survey aims to provide researchers with a systematic
reference of related research on text diffusion models for NAR generation. We
present our collection of text diffusion models at
https://github.com/RUCAIBox/Awesome-Text-Diffusion-Models. | cs.CL | Diffusion Models for Non-autoregressive Text Generation: A Survey |
2023-03-12T04:23:54Z | http://arxiv.org/pdf/2303.06565v1 | http://arxiv.org/abs/2303.06565v1 | Miao Li, Jianzhong Qi, Jey Han Lau | 2023-03-12T04:23:54Z | cs.CL, cs.AI | Multi-document summarization (MDS) aims to generate a summary for a number of
related documents. We propose HGSUM, an MDS model that extends an
encoder-decoder architecture, to incorporate a heterogeneous graph to represent
different semantic units (e.g., words and sentences) of the documents. This
contrasts with existing MDS models which do not consider different edge types
of graphs and as such do not capture the diversity of relationships in the
documents. To preserve only key information and relationships of the documents
in the heterogeneous graph, HGSUM uses graph pooling to compress the input
graph. And to guide HGSUM to learn compression, we introduce an additional
objective that maximizes the similarity between the compressed graph and the
graph constructed from the ground-truth summary during training. HGSUM is
trained end-to-end with graph similarity and standard cross-entropy objectives.
Experimental results over MULTI-NEWS, WCEP-100, and ARXIV show that HGSUM
outperforms state-of-the-art MDS models. The code for our model and experiments
is available at: https://github.com/oaimli/HGSum. | cs.CL | Compressed Heterogeneous Graph for Abstractive Multi-Document Summarization |
2023-03-12T04:22:01Z | http://arxiv.org/pdf/2303.13547v1 | http://arxiv.org/abs/2303.13547v1 | Aiwei Liu, Xuming Hu, Lijie Wen, Philip S. Yu | 2023-03-12T04:22:01Z | cs.CL, cs.AI, 68T50, I.2.7 | This paper presents the first comprehensive analysis of ChatGPT's Text-to-SQL
ability. Given the recent emergence of large-scale conversational language
model ChatGPT and its impressive capabilities in both conversational abilities
and code generation, we sought to evaluate its Text-to-SQL performance. We
conducted experiments on 12 benchmark datasets with different languages,
settings, or scenarios, and the results demonstrate that ChatGPT has strong
text-to-SQL abilities. Although there is still a gap from the current
state-of-the-art (SOTA) model performance, considering that the experiment was
conducted in a zero-shot scenario, ChatGPT's performance is still impressive.
Notably, in the ADVETA (RPL) scenario, the zero-shot ChatGPT even outperforms
the SOTA model that requires fine-tuning on the Spider dataset by 4.1\%,
demonstrating its potential for use in practical applications. To support
further research in related fields, we have made the data generated by ChatGPT
publicly available at https://github.com/THU-BPM/chatgpt-sql. | cs.CL | A comprehensive evaluation of ChatGPT's zero-shot Text-to-SQL capability |
2023-03-11T18:17:03Z | http://arxiv.org/pdf/2303.06475v1 | http://arxiv.org/abs/2303.06475v1 | Ge Zhu, Yujia Yan, Juan-Pablo Caceres, Zhiyao Duan | 2023-03-11T18:17:03Z | eess.AS, cs.CL | Non-linguistic filler words, such as "uh" or "um", are prevalent in
spontaneous speech and serve as indicators for expressing hesitation or
uncertainty. Previous works for detecting certain non-linguistic filler words
are highly dependent on transcriptions from a well-established commercial
automatic speech recognition (ASR) system. However, certain ASR systems are not
universally accessible from many aspects, e.g., budget, target languages, and
computational power. In this work, we investigate filler word detection system
that does not depend on ASR systems. We show that, by using the structured
state space sequence model (S4) and neural semi-Markov conditional random
fields (semi-CRFs), we achieve an absolute F1 improvement of 6.4% (segment
level) and 3.1% (event level) on the PodcastFillers dataset. We also conduct a
qualitative analysis on the detected results to analyze the limitations of our
proposed system. | eess.AS | Transcription free filler word detection with Neural semi-CRFs |
2023-03-11T17:14:33Z | http://arxiv.org/pdf/2303.06458v3 | http://arxiv.org/abs/2303.06458v3 | Bang Yang, Fenglin Liu, Yuexian Zou, Xian Wu, Yaowei Wang, David A. Clifton | 2024-06-03T12:47:12Z | cs.CL, cs.AI, cs.CV | Natural Language Generation (NLG) accepts input data in the form of images,
videos, or text and generates corresponding natural language text as output.
Existing NLG methods mainly adopt a supervised approach and rely heavily on
coupled data-to-text pairs. However, for many targeted scenarios and for
non-English languages, sufficient quantities of labeled data are often not
available. To relax the dependency on labeled data of downstream tasks, we
propose an intuitive and effective zero-shot learning framework, ZeroNLG, which
can deal with multiple NLG tasks, including image-to-text (image captioning),
video-to-text (video captioning), and text-to-text (neural machine
translation), across English, Chinese, German, and French within a unified
framework. ZeroNLG does not require any labeled downstream pairs for training.
During training, ZeroNLG (i) projects different domains (across modalities and
languages) to corresponding coordinates in a shared common latent space; (ii)
bridges different domains by aligning their corresponding coordinates in this
space; and (iii) builds an unsupervised multilingual auto-encoder to learn to
generate text by reconstructing the input text given its coordinate in shared
latent space. Consequently, during inference, based on the data-to-text
pipeline, ZeroNLG can generate target sentences across different languages
given the coordinate of input data in the common space. Within this unified
framework, given visual (imaging or video) data as input, ZeroNLG can perform
zero-shot visual captioning; given textual sentences as input, ZeroNLG can
perform zero-shot machine translation. We present the results of extensive
experiments on twelve NLG tasks, showing that, without using any labeled
downstream pairs for training, ZeroNLG generates high-quality and believable
outputs and significantly outperforms existing zero-shot methods. | cs.CL | ZeroNLG: Aligning and Autoencoding Domains for Zero-Shot Multimodal and Multilingual Natural Language Generation |
2023-03-11T07:30:52Z | http://arxiv.org/pdf/2303.06333v2 | http://arxiv.org/abs/2303.06333v2 | Hua Shen, Tongshuang Wu | 2023-03-25T01:40:34Z | cs.HC, cs.AI, cs.CL | A surge of advances in language models (LMs) has led to significant interest
in using LMs to build co-writing systems, in which humans and LMs interactively
contribute to a shared writing artifact. However, there is a lack of studies
assessing co-writing systems in interactive settings. We propose a
human-centered evaluation framework, Parachute, for interactive co-writing
systems. Parachute showcases an integrative view of interaction evaluation,
where each evaluation aspect consists of categorized practical metrics.
Furthermore, we present Parachute with a use case to demonstrate how to
evaluate and compare co-writing systems using Parachute. | cs.HC | Parachute: Evaluating Interactive Human-LM Co-writing Systems |
2023-03-11T03:30:47Z | http://arxiv.org/pdf/2303.06296v2 | http://arxiv.org/abs/2303.06296v2 | Shuangfei Zhai, Tatiana Likhomanenko, Etai Littwin, Dan Busbridge, Jason Ramapuram, Yizhe Zhang, Jiatao Gu, Josh Susskind | 2023-07-25T17:42:37Z | cs.LG, cs.AI, cs.CL, cs.CV, stat.ML | Training stability is of great importance to Transformers. In this work, we
investigate the training dynamics of Transformers by examining the evolution of
the attention layers. In particular, we track the attention entropy for each
attention head during the course of training, which is a proxy for model
sharpness. We identify a common pattern across different architectures and
tasks, where low attention entropy is accompanied by high training instability,
which can take the form of oscillating loss or divergence. We denote the
pathologically low attention entropy, corresponding to highly concentrated
attention scores, as $\textit{entropy collapse}$. As a remedy, we propose
$\sigma$Reparam, a simple and efficient solution where we reparametrize all
linear layers with spectral normalization and an additional learned scalar. We
demonstrate that $\sigma$Reparam successfully prevents entropy collapse in the
attention layers, promoting more stable training. Additionally, we prove a
tight lower bound of the attention entropy, which decreases exponentially fast
with the spectral norm of the attention logits, providing additional motivation
for our approach. We conduct experiments with $\sigma$Reparam on image
classification, image self-supervised learning, machine translation, speech
recognition, and language modeling tasks. We show that $\sigma$Reparam provides
stability and robustness with respect to the choice of hyperparameters, going
so far as enabling training (a) a Vision Transformer {to competitive
performance} without warmup, weight decay, layer normalization or adaptive
optimizers; (b) deep architectures in machine translation and (c) speech
recognition to competitive performance without warmup and adaptive optimizers.
Code is available at \url{https://github.com/apple/ml-sigma-reparam}. | cs.LG | Stabilizing Transformer Training by Preventing Attention Entropy Collapse |
2023-03-11T01:19:01Z | http://arxiv.org/pdf/2303.06273v3 | http://arxiv.org/abs/2303.06273v3 | Myeongjun Erik Jang, Thomas Lukasiewicz | 2023-11-14T00:20:20Z | cs.CL, cs.AI | ChatGPT has gained a huge popularity since its introduction. Its positive
aspects have been reported through many media platforms, and some analyses even
showed that ChatGPT achieved a decent grade in professional exams, adding extra
support to the claim that AI can now assist and even replace humans in
industrial fields. Others, however, doubt its reliability and trustworthiness.
This paper investigates the trustworthiness of ChatGPT and GPT-4 regarding
logically consistent behaviour, focusing specifically on semantic consistency
and the properties of negation, symmetric, and transitive consistency. Our
findings suggest that while both models appear to show an enhanced language
understanding and reasoning ability, they still frequently fall short of
generating logically consistent predictions. We also ascertain via experiments
that prompt designing, few-shot learning and employing larger large language
models (LLMs) are unlikely to be the ultimate solution to resolve the
inconsistency issue of LLMs. | cs.CL | Consistency Analysis of ChatGPT |
2023-03-11T01:04:25Z | http://arxiv.org/pdf/2303.06264v1 | http://arxiv.org/abs/2303.06264v1 | Joyce Zhou, Elena Glassman, Daniel S. Weld | 2023-03-11T01:04:25Z | cs.HC, cs.CL | Scientists and science journalists, among others, often need to make sense of
a large number of papers and how they compare with each other in scope, focus,
findings, or any other important factors. However, with a large corpus of
papers, it's cognitively demanding to pairwise compare and contrast them all
with each other. Fully automating this review process would be infeasible,
because it often requires domain-specific knowledge, as well as understanding
what the context and motivations for the review are. While there are existing
tools to help with the process of organizing and annotating papers for
literature reviews, at the core they still rely on people to serially read
through papers and manually make sense of relevant information.
We present AVTALER, which combines peoples' unique skills, contextual
awareness, and knowledge, together with the strength of automation. Given a set
of comparable text excerpts from a paper corpus, it supports users in
sensemaking and contrasting paper attributes by interactively aligning text
excerpts in a table so that comparable details are presented in a shared
column. AVTALER is based on a core alignment algorithm that makes use of modern
NLP tools. Furthermore, AVTALER is a mixed-initiative system: users can
interactively give the system constraints which are integrated into the
alignment construction process. | cs.HC | An Interactive UI to Support Sensemaking over Collections of Parallel Texts |
2023-03-11T00:01:21Z | http://arxiv.org/pdf/2303.08080v1 | http://arxiv.org/abs/2303.08080v1 | Shimon Edelman | 2023-03-11T00:01:21Z | cs.CL, q-bio.NC | What does it mean to know language? Since the Chomskian revolution, one
popular answer to this question has been: to possess a generative grammar that
exclusively licenses certain syntactic structures. Decades later, not even an
approximation to such a grammar, for any language, has been formulated; the
idea that grammar is universal and innately specified has proved barren; and
attempts to show how it could be learned from experience invariably come up
short. To move on from this impasse, we must rediscover the extent to which
language is like any other human behavior: dynamic, social, multimodal,
patterned, and purposive, its purpose being to promote desirable actions (or
thoughts) in others and self. Recent psychological, computational,
neurobiological, and evolutionary insights into the shaping and structure of
behavior may then point us toward a new, viable account of language. | cs.CL | Verbal behavior without syntactic structures: beyond Skinner and Chomsky |
2023-03-10T23:34:14Z | http://arxiv.org/pdf/2303.06245v3 | http://arxiv.org/abs/2303.06245v3 | Prajjwal Bhargava, Pooyan Amini, Shahin Shayandeh, Chinnadhurai Sankar | 2023-06-09T17:18:03Z | cs.CL | As large dialogue models become commonplace in practice, the problems
surrounding high compute requirements for training, inference and larger memory
footprint still persists. In this work, we present AUTODIAL, a multi-task
dialogue model that addresses the challenges of deploying dialogue model.
AUTODIAL utilizes parallel decoders to perform tasks such as dialogue act
prediction, domain prediction, intent prediction, and dialogue state tracking.
Using classification decoders over generative decoders allows AUTODIAL to
significantly reduce memory footprint and achieve faster inference times
compared to existing generative approach namely SimpleTOD. We demonstrate that
AUTODIAL provides 3-6x speedups during inference while having 11x fewer
parameters on three dialogue tasks compared to SimpleTOD. Our results show that
extending current dialogue models to have parallel decoders can be a viable
alternative for deploying them in resource-constrained environments. | cs.CL | AUTODIAL: Efficient Asynchronous Task-Oriented Dialogue Model |
2023-03-10T22:40:15Z | http://arxiv.org/pdf/2303.06230v1 | http://arxiv.org/abs/2303.06230v1 | Deen Abdullah, Shamanth Nayak, Gandharv Suri, Yllias Chali | 2023-03-10T22:40:15Z | cs.CL | Fine-tuning the Natural Language Processing (NLP) models for each new data
set requires higher computational time associated with increased carbon
footprint and cost. However, fine-tuning helps the pre-trained models adapt to
the latest data sets; what if we avoid the fine-tuning steps and attempt to
generate summaries using just the pre-trained models to reduce computational
time and cost. In this paper, we tried to omit the fine-tuning steps and
investigate whether the Marginal Maximum Relevance (MMR)-based approach can
help the pre-trained models to obtain query-focused summaries directly from a
new data set that was not used to pre-train the models. First, we used topic
modelling on Wikipedia Current Events Portal (WCEP) and Debatepedia datasets to
generate queries for summarization tasks. Then, using MMR, we ranked the
sentences of the documents according to the queries. Next, we passed the ranked
sentences to seven transformer-based pre-trained models to perform the
summarization tasks. Finally, we used the MMR approach again to select the
query relevant sentences from the generated summaries of individual pre-trained
models and constructed the final summary. As indicated by the experimental
results, our MMR-based approach successfully ranked and selected the most
relevant sentences as summaries and showed better performance than the
individual pre-trained models. | cs.CL | Generating Query Focused Summaries without Fine-tuning the Transformer-based Pre-trained Models |
2023-03-10T19:30:15Z | http://arxiv.org/pdf/2303.06182v2 | http://arxiv.org/abs/2303.06182v2 | Haiyang Huang, Newsha Ardalani, Anna Sun, Liu Ke, Hsien-Hsin S. Lee, Anjali Sridhar, Shruti Bhosale, Carole-Jean Wu, Benjamin Lee | 2023-06-18T01:33:19Z | cs.DC, cs.AR, cs.CL, cs.LG | Mixture-of-Experts (MoE) models have gained popularity in achieving
state-of-the-art performance in a wide range of tasks in computer vision and
natural language processing. They effectively expand the model capacity while
incurring a minimal increase in computation cost during training. However,
deploying such models for inference is difficult due to their large size and
complex communication pattern. In this work, we provide a characterization of
two MoE workloads, namely Language Modeling (LM) and Machine Translation (MT)
and identify their sources of inefficiencies at deployment. We propose three
optimization techniques to mitigate sources of inefficiencies, namely (1)
Dynamic gating, (2) Expert Buffering, and (3) Expert load balancing. We show
that dynamic gating improves maximum throughput by 6.21-11.23$\times$ for LM,
5.75-10.98$\times$ for MT Encoder and 2.58-5.71$\times$ for MT Decoder. It also
reduces memory usage by up to 1.36$\times$ for LM and up to 1.1$\times$ for MT.
We further propose Expert Buffering, a new caching mechanism that only keeps
hot, active experts in GPU memory while buffering the rest in CPU memory. This
reduces static memory allocation by up to 1.47$\times$. We finally propose a
load balancing methodology that provides additional scalability to the
workload. | cs.DC | Towards MoE Deployment: Mitigating Inefficiencies in Mixture-of-Expert (MoE) Inference |
2023-03-10T18:53:52Z | http://arxiv.org/pdf/2303.06135v2 | http://arxiv.org/abs/2303.06135v2 | Robert Irvine, Douglas Boubert, Vyas Raina, Adian Liusie, Ziyi Zhu, Vineet Mudupalli, Aliaksei Korshuk, Zongyi Liu, Fritz Cremer, Valentin Assassi, Christie-Carol Beauchamp, Xiaoding Lu, Thomas Rialan, William Beauchamp | 2023-03-30T18:28:05Z | cs.CL, cs.AI, cs.LG | The emergence of pretrained large language models has led to the deployment
of a range of social chatbots for chitchat. Although these chatbots demonstrate
language ability and fluency, they are not guaranteed to be engaging and can
struggle to retain users. This work investigates the development of social
chatbots that prioritize user engagement to enhance retention, specifically
examining the use of human feedback to efficiently develop highly engaging
chatbots. The proposed approach uses automatic pseudo-labels collected from
user interactions to train a reward model that can be used to reject
low-scoring sample responses generated by the chatbot model at inference time.
Intuitive evaluation metrics, such as mean conversation length (MCL), are
introduced as proxies to measure the level of engagement of deployed chatbots.
A/B testing on groups of 10,000 new daily chatbot users on the Chai Research
platform shows that this approach increases the MCL by up to 70%, which
translates to a more than 30% increase in user retention for a GPT-J 6B model.
Future work aims to use the reward model to realise a data fly-wheel, where the
latest user conversations can be used to alternately fine-tune the language
model and the reward model. | cs.CL | Rewarding Chatbots for Real-World Engagement with Millions of Users |
2023-03-10T16:53:30Z | http://arxiv.org/pdf/2303.06074v1 | http://arxiv.org/abs/2303.06074v1 | Lewis D Griffin, Bennett Kleinberg, Maximilian Mozes, Kimberly T Mai, Maria Vau, Matthew Caldwell, Augustine Marvor-Parker | 2023-03-10T16:53:30Z | cs.CL, J.4; I.2.m; I.2.7 | Two studies tested the hypothesis that a Large Language Model (LLM) can be
used to model psychological change following exposure to influential input. The
first study tested a generic mode of influence - the Illusory Truth Effect
(ITE) - where earlier exposure to a statement (through, for example, rating its
interest) boosts a later truthfulness test rating. Data was collected from 1000
human participants using an online experiment, and 1000 simulated participants
using engineered prompts and LLM completion. 64 ratings per participant were
collected, using all exposure-test combinations of the attributes: truth,
interest, sentiment and importance. The results for human participants
reconfirmed the ITE, and demonstrated an absence of effect for attributes other
than truth, and when the same attribute is used for exposure and test. The same
pattern of effects was found for LLM-simulated participants. The second study
concerns a specific mode of influence - populist framing of news to increase
its persuasion and political mobilization. Data from LLM-simulated participants
was collected and compared to previously published data from a 15-country
experiment on 7286 human participants. Several effects previously demonstrated
from the human study were replicated by the simulated study, including effects
that surprised the authors of the human study by contradicting their
theoretical expectations (anti-immigrant framing of news decreases its
persuasion and mobilization); but some significant relationships found in human
data (modulation of the effectiveness of populist framing according to relative
deprivation of the participant) were not present in the LLM data. Together the
two studies support the view that LLMs have potential to act as models of the
effect of influence. | cs.CL | Susceptibility to Influence of Large Language Models |
2023-03-10T16:21:54Z | http://arxiv.org/pdf/2303.11158v1 | http://arxiv.org/abs/2303.11158v1 | Boniphace Kutela, Shoujia Li, Subasish Das, Jinli Liu | 2023-03-10T16:21:54Z | cs.IR, cs.CL, A.1 | Transportation equity is an interdisciplinary agenda that requires both
transportation and social inputs. Traditionally, transportation equity
information are sources from public libraries, conferences, televisions, social
media, among other. Artificial intelligence (AI) tools including advanced
language models such as ChatGPT are becoming favorite information sources.
However, their credibility has not been well explored. This study explored the
content and usefulness of ChatGPT-generated information related to
transportation equity. It utilized 152 papers retrieved through the Web of
Science (WoS) repository. The prompt was crafted for ChatGPT to provide an
abstract given the title of the paper. The ChatGPT-based abstracts were then
compared to human-written abstracts using statistical tools and unsupervised
text mining. The results indicate that a weak similarity between ChatGPT and
human-written abstracts. On average, the human-written abstracts and ChatGPT
generated abstracts were about 58% similar, with a maximum and minimum of 97%
and 1.4%, respectively. The keywords from the abstracts of papers with over the
mean similarity score were more likely to be similar whereas those from below
the average score were less likely to be similar. Themes with high similarity
scores include access, public transit, and policy, among others. Further, clear
differences in the key pattern of clusters for high and low similarity score
abstracts was observed. Contrarily, the findings from collocated keywords were
inconclusive. The study findings suggest that ChatGPT has the potential to be a
source of transportation equity information. However, currently, a great amount
of attention is needed before a user can utilize materials from ChatGPT | cs.IR | ChatGPT as the Transportation Equity Information Source for Scientific Writing |
2023-03-10T16:03:19Z | http://arxiv.org/pdf/2303.06002v1 | http://arxiv.org/abs/2303.06002v1 | Kenichiro Ando, Mamoru Komachi, Takashi Okumura, Hiromasa Horiguchi, Yuji Matsumoto | 2023-03-10T16:03:19Z | cs.CL | During the patient's hospitalization, the physician must record daily
observations of the patient and summarize them into a brief document called
"discharge summary" when the patient is discharged. Automated generation of
discharge summary can greatly relieve the physicians' burden, and has been
addressed recently in the research community. Most previous studies of
discharge summary generation using the sequence-to-sequence architecture focus
on only inpatient notes for input. However, electric health records (EHR) also
have rich structured metadata (e.g., hospital, physician, disease, length of
stay, etc.) that might be useful. This paper investigates the effectiveness of
medical meta-information for summarization tasks. We obtain four types of
meta-information from the EHR systems and encode each meta-information into a
sequence-to-sequence model. Using Japanese EHRs, meta-information encoded
models increased ROUGE-1 by up to 4.45 points and BERTScore by 3.77 points over
the vanilla Longformer. Also, we found that the encoded meta-information
improves the precisions of its related terms in the outputs. Our results showed
the benefit of the use of medical meta-information. | cs.CL | Is In-hospital Meta-information Useful for Abstractive Discharge Summary Generation? |
2023-03-10T14:46:23Z | http://arxiv.org/pdf/2303.05958v1 | http://arxiv.org/abs/2303.05958v1 | Mohammad Zeineldeen, Kartik Audhkhasi, Murali Karthick Baskar, Bhuvana Ramabhadran | 2023-03-10T14:46:23Z | cs.CL, cs.SD, eess.AS, stat.ML | This work studies knowledge distillation (KD) and addresses its constraints
for recurrent neural network transducer (RNN-T) models. In hard distillation, a
teacher model transcribes large amounts of unlabelled speech to train a student
model. Soft distillation is another popular KD method that distills the output
logits of the teacher model. Due to the nature of RNN-T alignments, applying
soft distillation between RNN-T architectures having different posterior
distributions is challenging. In addition, bad teachers having high
word-error-rate (WER) reduce the efficacy of KD. We investigate how to
effectively distill knowledge from variable quality ASR teachers, which has not
been studied before to the best of our knowledge. We show that a sequence-level
KD, full-sum distillation, outperforms other distillation methods for RNN-T
models, especially for bad teachers. We also propose a variant of full-sum
distillation that distills the sequence discriminative knowledge of the teacher
leading to further improvement in WER. We conduct experiments on public
datasets namely SpeechStew and LibriSpeech, and on in-house production data. | cs.CL | Robust Knowledge Distillation from RNN-T Models With Noisy Training Labels Using Full-Sum Loss |
2023-03-10T14:36:47Z | http://arxiv.org/pdf/2304.02478v2 | http://arxiv.org/abs/2304.02478v2 | David James Woo, Hengky Susanto, Chi Ho Yeung, Kai Guo, April Ka Yeng Fung | 2024-01-01T02:10:43Z | cs.CL, cs.AI, cs.CY, J.5; K.3.1 | English as foreign language_EFL_students' use of text generated from
artificial intelligence_AI_natural language generation_NLG_tools may improve
their writing quality. However, it remains unclear to what extent AI-generated
text in these students' writing might lead to higher-quality writing. We
explored 23 Hong Kong secondary school students' attempts to write stories
comprising their own words and AI-generated text. Human experts scored the
stories for dimensions of content, language and organization. We analyzed the
basic organization and structure and syntactic complexity of the stories'
AI-generated text and performed multiple linear regression and cluster
analyses. The results show the number of human words and the number of
AI-generated words contribute significantly to scores. Besides, students can be
grouped into competent and less competent writers who use more AI-generated
text or less AI-generated text compared to their peers. Comparisons of clusters
reveal some benefit of AI-generated text in improving the quality of both
high-scoring students' and low-scoring students' writing. The findings can
inform pedagogical strategies to use AI-generated text for EFL students'
writing and to address digital divides. This study contributes designs of NLG
tools and writing activities to implement AI-generated text in schools. | cs.CL | Exploring AI-Generated Text in Student Writing: How Does AI Help? |
2023-03-10T14:25:29Z | http://arxiv.org/pdf/2303.07304v1 | http://arxiv.org/abs/2303.07304v1 | Nigel Williams, Stanislav Ivanov, Dimitrios Buhalis | 2023-03-10T14:25:29Z | cs.CL, K.3; K.4; K.6 | The paper looks at the role of large language models in academic knowledge
creation based on a scoping review (2018 to January 2023) of how researchers
have previously used the language model GPT to assist in the performance of
academic knowledge creation tasks beyond data analysis. These tasks include
writing, editing, reviewing, dataset creation and curation, which have been
difficult to perform using earlier ML tools. Based on a synthesis of these
papers, this study identifies pathways for a future academic research landscape
that incorporates wider usage of large language models based on the current
modes of adoption in published articles as a Co-Writer, Research Assistant and
Respondent. | cs.CL | Algorithmic Ghost in the Research Shell: Large Language Models and Academic Knowledge Creation in Management Research |
2023-03-10T12:58:34Z | http://arxiv.org/pdf/2303.05891v1 | http://arxiv.org/abs/2303.05891v1 | Anthony Hills, Adam Tsakalidis, Federico Nanni, Ioannis Zachos, Maria Liakata | 2023-03-10T12:58:34Z | cs.CL | There is increasing interest to work with user generated content in social
media, especially textual posts over time. Currently there is no consistent way
of segmenting user posts into timelines in a meaningful way that improves the
quality and cost of manual annotation. Here we propose a set of methods for
segmenting longitudinal user posts into timelines likely to contain interesting
moments of change in a user's behaviour, based on their online posting
activity. We also propose a novel framework for evaluating timelines and show
its applicability in the context of two different social media datasets.
Finally, we present a discussion of the linguistic content of highly ranked
timelines. | cs.CL | Creation and evaluation of timelines for longitudinal user posts |
2023-03-10T10:47:59Z | http://arxiv.org/pdf/2303.08014v2 | http://arxiv.org/abs/2303.08014v2 | Zhenguang G. Cai, Xufeng Duan, David A. Haslett, Shuqi Wang, Martin J. Pickering | 2024-03-26T01:46:50Z | cs.CL | Large language models (LLMs) such as ChatGPT and Vicuna have shown remarkable
capacities in comprehending and producing language. However, their internal
workings remain a black box, and it is unclear whether LLMs and chatbots can
develop humanlike characteristics in language use. Cognitive scientists have
devised many experiments that probe, and have made great progress in
explaining, how people comprehend and produce language. We subjected ChatGPT
and Vicuna to 12 of these experiments ranging from sounds to dialogue,
preregistered and with 1000 runs (i.e., iterations) per experiment. ChatGPT and
Vicuna replicated the human pattern of language use in 10 and 7 out of the 12
experiments, respectively. The models associated unfamiliar words with
different meanings depending on their forms, continued to access recently
encountered meanings of ambiguous words, reused recent sentence structures,
attributed causality as a function of verb semantics, and accessed different
meanings and retrieved different words depending on an interlocutor's identity.
In addition, ChatGPT, but not Vicuna, nonliterally interpreted implausible
sentences that were likely to have been corrupted by noise, drew reasonable
inferences, and overlooked semantic fallacies in a sentence. Finally, unlike
humans, neither model preferred using shorter words to convey less informative
content, nor did they use context to resolve syntactic ambiguities. We discuss
how these convergences and divergences may result from the transformer
architecture. Overall, these experiments demonstrate that LLMs such as ChatGPT
(and Vicuna to a lesser extent) are humanlike in many aspects of human language
processing. | cs.CL | Do large language models resemble humans in language use? |
2023-03-10T10:21:20Z | http://arxiv.org/pdf/2303.05834v1 | http://arxiv.org/abs/2303.05834v1 | Valentin Boboc | 2023-03-10T10:21:20Z | cs.CL, math.CT | We use Lambek's pregroups and the framework of compositional distributional
models of language ("DisCoCat") to study translations from Japanese to English
as pairs of functors. Adding decorations to pregroups we show how to handle
word order changes between languages. | cs.CL | An algebraic approach to translating Japanese |
2023-03-10T07:55:00Z | http://arxiv.org/pdf/2303.05759v2 | http://arxiv.org/abs/2303.05759v2 | Chengwei Wei, Yun-Cheng Wang, Bin Wang, C. -C. Jay Kuo | 2023-07-03T05:52:04Z | cs.CL | Language modeling studies the probability distributions over strings of
texts. It is one of the most fundamental tasks in natural language processing
(NLP). It has been widely used in text generation, speech recognition, machine
translation, etc. Conventional language models (CLMs) aim to predict the
probability of linguistic sequences in a causal manner, while pre-trained
language models (PLMs) cover broader concepts and can be used in both causal
sequential modeling and fine-tuning for downstream applications. PLMs have
their own training paradigms (usually self-supervised) and serve as foundation
models in modern NLP systems. This overview paper provides an introduction to
both CLMs and PLMs from five aspects, i.e., linguistic units, architectures,
training methods, evaluation methods, and applications. Furthermore, we discuss
the relationship between CLMs and PLMs and shed light on the future directions
of language modeling in the pre-trained era. | cs.CL | An Overview on Language Models: Recent Developments and Outlook |
2023-03-10T07:52:28Z | http://arxiv.org/pdf/2303.05758v1 | http://arxiv.org/abs/2303.05758v1 | Aminul Huq, Weiyi Zhang, Xiaolin Hu | 2023-03-10T07:52:28Z | cs.SD, cs.CL, eess.AS | Automatic speech recognition (ASR) systems based on deep neural networks are
weak against adversarial perturbations. We propose mixPGD adversarial training
method to improve the robustness of the model for ASR systems. In standard
adversarial training, adversarial samples are generated by leveraging
supervised or unsupervised methods. We merge the capabilities of both
supervised and unsupervised approaches in our method to generate new
adversarial samples which aid in improving model robustness. Extensive
experiments and comparison across various state-of-the-art defense methods and
adversarial attacks have been performed to show that mixPGD gains 4.1% WER of
better performance than previous best performing models under white-box
adversarial attack setting. We tested our proposed defense method against both
white-box and transfer based black-box attack settings to ensure that our
defense strategy is robust against various types of attacks. Empirical results
on several adversarial attacks validate the effectiveness of our proposed
approach. | cs.SD | MIXPGD: Hybrid Adversarial Training for Speech Recognition Systems |
2023-03-10T06:46:23Z | http://arxiv.org/pdf/2303.05737v4 | http://arxiv.org/abs/2303.05737v4 | Joel Shor, Ruyue Agnes Bi, Subhashini Venugopalan, Steven Ibara, Roman Goldenberg, Ehud Rivlin | 2023-04-28T21:40:15Z | eess.AS, cs.CL, cs.LG, cs.SD | Automatic Speech Recognition (ASR) in medical contexts has the potential to
save time, cut costs, increase report accuracy, and reduce physician burnout.
However, the healthcare industry has been slower to adopt this technology, in
part due to the importance of avoiding medically-relevant transcription
mistakes. In this work, we present the Clinical BERTScore (CBERTScore), an ASR
metric that penalizes clinically-relevant mistakes more than others. We
demonstrate that this metric more closely aligns with clinician preferences on
medical sentences as compared to other metrics (WER, BLUE, METEOR, etc),
sometimes by wide margins. We collect a benchmark of 18 clinician preferences
on 149 realistic medical sentences called the Clinician Transcript Preference
benchmark (CTP) and make it publicly available for the community to further
develop clinically-aware ASR metrics. To our knowledge, this is the first
public dataset of its kind. We demonstrate that CBERTScore more closely matches
what clinicians prefer. | eess.AS | Clinical BERTScore: An Improved Measure of Automatic Speech Recognition Performance in Clinical Settings |
2023-03-10T06:10:53Z | http://arxiv.org/pdf/2303.08016v1 | http://arxiv.org/abs/2303.08016v1 | Anna Leontjeva, Genevieve Richards, Kaavya Sriskandaraja, Jessica Perchman, Luiz Pizzato | 2023-03-10T06:10:53Z | cs.CL, cs.CY, cs.LG, I.2.7; J.4 | Since introducing changes to the New Payments Platform (NPP) to include
longer messages as payment descriptions, it has been identified that people are
now using it for communication, and in some cases, the system was being used as
a targeted form of domestic and family violence. This type of tech-assisted
abuse poses new challenges in terms of identification, actions and approaches
to rectify this behaviour. Commonwealth Bank of Australia's Artificial
Intelligence Labs team (CBA AI Labs) has developed a new system using advances
in deep learning models for natural language processing (NLP) to create a
powerful abuse detector that periodically scores all the transactions, and
identifies cases of high-risk abuse in millions of records. In this paper, we
describe the problem of tech-assisted abuse in the context of banking services,
outline the developed model and its performance, and the operating framework
more broadly. | cs.CL | Detection of Abuse in Financial Transaction Descriptions Using Machine Learning |
2023-03-10T05:22:39Z | http://arxiv.org/pdf/2303.05707v2 | http://arxiv.org/abs/2303.05707v2 | Jiaqi Xu, Bo Liu, Yunkuo Chen, Mengli Cheng, Xing Shi | 2024-03-01T02:32:38Z | cs.CV, cs.CL, cs.MM | Video-and-language understanding has a variety of applications in the
industry, such as video question answering, text-video retrieval, and
multi-label classification. Existing video-and-language understanding methods
generally adopt heavy multi-modal encoders and feature fusion modules, which
consume high computational costs. Specially, they have difficulty dealing with
dense video frames or long text prevalent in industrial applications. This
paper proposes MuLTI, a highly accurate and efficient video-and-language
understanding model that achieves efficient and effective feature fusion and
rapid adaptation to downstream tasks. Specifically, we design a Text-Guided
MultiWay-Sampler based on adapt-pooling residual mapping and self-attention
modules to sample long sequences and fuse multi-modal features, which reduces
the computational costs and addresses performance degradation caused by
previous samplers. Therefore, MuLTI can handle longer sequences with limited
computational costs. Then, to further enhance the model's performance and fill
in the lack of pretraining tasks in the video question answering, we propose a
new pretraining task named Multiple Choice Modeling. This task bridges the gap
between pretraining and downstream tasks and improves the model's ability to
align video and text features. Benefiting from the efficient feature fusion
module and the new pretraining task, MuLTI achieves state-of-the-art
performance on multiple datasets. Implementation and pretrained models will be
released. | cs.CV | MuLTI: Efficient Video-and-Language Understanding with Text-Guided MultiWay-Sampler and Multiple Choice Modeling |
2023-03-10T02:52:13Z | http://arxiv.org/pdf/2303.05670v1 | http://arxiv.org/abs/2303.05670v1 | Hongyin Luo, James Glass | 2023-03-10T02:52:13Z | cs.CL, cs.AI, cs.CY | Due to their similarity-based learning objectives, pretrained sentence
encoders often internalize stereotypical assumptions that reflect the social
biases that exist within their training corpora. In this paper, we describe
several kinds of stereotypes concerning different communities that are present
in popular sentence representation models, including pretrained next sentence
prediction and contrastive sentence representation models. We compare such
models to textual entailment models that learn language logic for a variety of
downstream language understanding tasks. By comparing strong pretrained models
based on text similarity with textual entailment learning, we conclude that the
explicit logic learning with textual entailment can significantly reduce bias
and improve the recognition of social communities, without an explicit
de-biasing process | cs.CL | Logic Against Bias: Textual Entailment Mitigates Stereotypical Sentence Reasoning |
2023-03-09T21:12:46Z | http://arxiv.org/pdf/2303.05581v1 | http://arxiv.org/abs/2303.05581v1 | Ke Bai, Guoyin Wang, Jiwei Li, Sunghyun Park, Sungjin Lee, Puyang Xu, Ricardo Henao, Lawrence Carin | 2023-03-09T21:12:46Z | cs.CL, cs.AI | Open world classification is a task in natural language processing with key
practical relevance and impact. Since the open or {\em unknown} category data
only manifests in the inference phase, finding a model with a suitable decision
boundary accommodating for the identification of known classes and
discrimination of the open category is challenging. The performance of existing
models is limited by the lack of effective open category data during the
training stage or the lack of a good mechanism to learn appropriate decision
boundaries. We propose an approach based on \underline{a}daptive
\underline{n}egative \underline{s}amples (ANS) designed to generate effective
synthetic open category samples in the training stage and without requiring any
prior knowledge or external datasets. Empirically, we find a significant
advantage in using auxiliary one-versus-rest binary classifiers, which
effectively utilize the generated negative samples and avoid the complex
threshold-seeking stage in previous works. Extensive experiments on three
benchmark datasets show that ANS achieves significant improvements over
state-of-the-art methods. | cs.CL | Open World Classification with Adaptive Negative Samples |
2023-03-09T18:59:47Z | http://arxiv.org/pdf/2303.05510v1 | http://arxiv.org/abs/2303.05510v1 | Shun Zhang, Zhenfang Chen, Yikang Shen, Mingyu Ding, Joshua B. Tenenbaum, Chuang Gan | 2023-03-09T18:59:47Z | cs.LG, cs.AI, cs.CL, cs.PL | Existing large language model-based code generation pipelines typically use
beam search or sampling algorithms during the decoding process. Although the
programs they generate achieve high token-matching-based scores, they often
fail to compile or generate incorrect outputs. The main reason is that
conventional Transformer decoding algorithms may not be the best choice for
code generation. In this work, we propose a novel Transformer decoding
algorithm, Planning-Guided Transformer Decoding (PG-TD), that uses a planning
algorithm to do lookahead search and guide the Transformer to generate better
programs. Specifically, instead of simply optimizing the likelihood of the
generated sequences, the Transformer makes use of a planner to generate
candidate programs and test them on public test cases. The Transformer can
therefore make more informed decisions and generate tokens that will eventually
lead to higher-quality programs. We also design a mechanism that shares
information between the Transformer and the planner to make our algorithm
computationally efficient. We empirically evaluate our framework with several
large language models as backbones on public coding challenge benchmarks,
showing that 1) it can generate programs that consistently achieve higher
performance compared with competing baseline methods; 2) it enables
controllable code generation, such as concise codes and highly-commented codes
by optimizing modified objective. | cs.LG | Planning with Large Language Models for Code Generation |
2023-03-09T17:52:07Z | http://arxiv.org/pdf/2303.05453v1 | http://arxiv.org/abs/2303.05453v1 | Hannah Rose Kirk, Bertie Vidgen, Paul Röttger, Scott A. Hale | 2023-03-09T17:52:07Z | cs.CL, cs.CY | Large language models (LLMs) are used to generate content for a wide range of
tasks, and are set to reach a growing audience in coming years due to
integration in product interfaces like ChatGPT or search engines like Bing.
This intensifies the need to ensure that models are aligned with human
preferences and do not produce unsafe, inaccurate or toxic outputs. While
alignment techniques like reinforcement learning with human feedback (RLHF) and
red-teaming can mitigate some safety concerns and improve model capabilities,
it is unlikely that an aggregate fine-tuning process can adequately represent
the full range of users' preferences and values. Different people may
legitimately disagree on their preferences for language and conversational
norms, as well as on values or ideologies which guide their communication.
Personalising LLMs through micro-level preference learning processes may result
in models that are better aligned with each user. However, there are several
normative challenges in defining the bounds of a societally-acceptable and safe
degree of personalisation. In this paper, we ask how, and in what ways, LLMs
should be personalised. First, we review literature on current paradigms for
aligning LLMs with human feedback, and identify issues including (i) a lack of
clarity regarding what alignment means; (ii) a tendency of technology providers
to prescribe definitions of inherently subjective preferences and values; and
(iii) a 'tyranny of the crowdworker', exacerbated by a lack of documentation in
who we are really aligning to. Second, we present a taxonomy of benefits and
risks associated with personalised LLMs, for individuals and society at large.
Finally, we propose a three-tiered policy framework that allows users to
experience the benefits of personalised alignment, while restraining unsafe and
undesirable LLM-behaviours within (supra-)national and organisational bounds. | cs.CL | Personalisation within bounds: A risk taxonomy and policy framework for the alignment of large language models with personalised feedback |
2023-03-09T16:52:12Z | http://arxiv.org/pdf/2303.08033v1 | http://arxiv.org/abs/2303.08033v1 | Jaromir Savelka, Arav Agarwal, Christopher Bogart, Majd Sakr | 2023-03-09T16:52:12Z | cs.CL, cs.AI | We analyzed effectiveness of three generative pre-trained transformer (GPT)
models in answering multiple-choice question (MCQ) assessments, often involving
short snippets of code, from introductory and intermediate programming courses
at the postsecondary level. This emerging technology stirs countless
discussions of its potential uses (e.g., exercise generation, code explanation)
as well as misuses in programming education (e.g., cheating). However, the
capabilities of GPT models and their limitations to reason about and/or analyze
code in educational settings have been under-explored. We evaluated several
OpenAI's GPT models on formative and summative MCQ assessments from three
Python courses (530 questions). We found that MCQs containing code snippets are
not answered as successfully as those that only contain natural language. While
questions requiring to fill-in a blank in the code or completing a natural
language statement about the snippet are handled rather successfully, MCQs that
require analysis and/or reasoning about the code (e.g., what is true/false
about the snippet, or what is its output) appear to be the most challenging.
These findings can be leveraged by educators to adapt their instructional
practices and assessments in programming courses, so that GPT becomes a
valuable assistant for a learner as opposed to a source of confusion and/or
potential hindrance in the learning process. | cs.CL | Large Language Models (GPT) Struggle to Answer Multiple-Choice Questions about Code |
2023-03-09T16:42:29Z | http://arxiv.org/pdf/2304.12202v1 | http://arxiv.org/abs/2304.12202v1 | Ilias Chalkidis | 2023-03-09T16:42:29Z | cs.CL | Following the hype around OpenAI's ChatGPT conversational agent, the last
straw in the recent development of Large Language Models (LLMs) that
demonstrate emergent unprecedented zero-shot capabilities, we audit the latest
OpenAI's GPT-3.5 model, `gpt-3.5-turbo', the first available ChatGPT model, in
the LexGLUE benchmark in a zero-shot fashion providing examples in a templated
instruction-following format. The results indicate that ChatGPT achieves an
average micro-F1 score of 47.6% across LexGLUE tasks, surpassing the baseline
guessing rates. Notably, the model performs exceptionally well in some
datasets, achieving micro-F1 scores of 62.8% and 70.2% in the ECtHR B and
LEDGAR datasets, respectively. The code base and model predictions are
available for review on https://github.com/coastalcph/zeroshot_lexglue. | cs.CL | ChatGPT may Pass the Bar Exam soon, but has a Long Way to Go for the LexGLUE benchmark |
2023-03-09T16:37:37Z | http://arxiv.org/pdf/2303.07203v2 | http://arxiv.org/abs/2303.07203v2 | Rémi Catellier, Samuel Vaiter, Damien Garreau | 2023-06-12T12:55:48Z | cs.CL, cs.LG, stat.ML | A fundamental issue in machine learning is the robustness of the model with
respect to changes in the input. In natural language processing, models
typically contain a first embedding layer, transforming a sequence of tokens
into vector representations. While the robustness with respect to changes of
continuous inputs is well-understood, the situation is less clear when
considering discrete changes, for instance replacing a word by another in an
input sentence. Our work formally proves that popular embedding schemes, such
as concatenation, TF-IDF, and Paragraph Vector (a.k.a. doc2vec), exhibit
robustness in the H\"older or Lipschitz sense with respect to the Hamming
distance. We provide quantitative bounds for these schemes and demonstrate how
the constants involved are affected by the length of the document. These
findings are exemplified through a series of numerical examples. | cs.CL | On the Robustness of Text Vectorizers |
2023-03-09T15:46:54Z | http://arxiv.org/pdf/2303.05349v1 | http://arxiv.org/abs/2303.05349v1 | Anna-Carolina Haensch, Sarah Ball, Markus Herklotz, Frauke Kreuter | 2023-03-09T15:46:54Z | stat.AP, cs.CL, cs.CY | Advanced large language models like ChatGPT have gained considerable
attention recently, including among students. However, while the debate on
ChatGPT in academia is making waves, more understanding is needed among
lecturers and teachers on how students use and perceive ChatGPT. To address
this gap, we analyzed the content on ChatGPT available on TikTok in February
2023. TikTok is a rapidly growing social media platform popular among
individuals under 30. Specifically, we analyzed the content of the 100 most
popular videos in English tagged with #chatgpt, which collectively garnered
over 250 million views. Most of the videos we studied promoted the use of
ChatGPT for tasks like writing essays or code. In addition, many videos
discussed AI detectors, with a focus on how other tools can help to transform
ChatGPT output to fool these detectors. This also mirrors the discussion among
educators on how to treat ChatGPT as lecturers and teachers in teaching and
grading. What is, however, missing from the analyzed clips on TikTok are videos
that discuss ChatGPT producing content that is nonsensical or unfaithful to the
training data. | stat.AP | Seeing ChatGPT Through Students' Eyes: An Analysis of TikTok Data |
2023-03-09T15:18:34Z | http://arxiv.org/pdf/2303.11176v1 | http://arxiv.org/abs/2303.11176v1 | Kazem Taghandiki, Elnaz Rezaei Ehsan | 2023-03-09T15:18:34Z | cs.CL | Today, the web has become a mandatory platform to express users' opinions,
emotions and feelings about various events. Every person using his smartphone
can give his opinion about the purchase of a product, the occurrence of an
accident, the occurrence of a new disease, etc. in blogs and social networks
such as (Twitter, WhatsApp, Telegram and Instagram) register. Therefore,
millions of comments are recorded daily and it creates a huge volume of
unstructured text data that can extract useful knowledge from this type of data
by using natural language processing methods. Sentiment analysis is one of the
important applications of natural language processing and machine learning,
which allows us to analyze the sentiments of comments and other textual
information recorded by web users. Therefore, the analysis of sentiments,
approaches and challenges in this field will be explained in the following. | cs.CL | Types of Approaches, Applications and Challenges in the Development of Sentiment Analysis Systems |
2023-03-09T15:01:12Z | http://arxiv.org/pdf/2303.05313v2 | http://arxiv.org/abs/2303.05313v2 | Lisai Zhang, Qingcai Chen, Zhijian Chen, Yunpeng Han, Zhonghua Li, Zhao Cao | 2023-05-06T15:36:10Z | cs.CV, cs.CL | Fine-grained supervision based on object annotations has been widely used for
vision and language pre-training (VLP). However, in real-world application
scenarios, aligned multi-modal data is usually in the image-caption format,
which only provides coarse-grained supervision. It is not only cost-expensive
but also compute-expensive to collect object annotations and build object
annotation pre-extractor for different scenarios. In this paper, we propose a
fine-grained VLP scheme without object annotations from the linguistic
perspective. First, we propose a homonym sentence rewriting (HSR) algorithm to
provide token-level supervision. The algorithm replaces a
verb/noun/adjective/quantifier word of the caption with its homonyms from
WordNet. Correspondingly, we propose refined vision-language modeling (RVLM)
framework to exploit the token-level supervision. Three refined tasks, i.e.,
refined image-text contrastive (RITC), refined image-text matching (RITM), and
replace language modeling (RLM) are proposed to learn the fine-grained
alignment. Extensive experiments on several downstream tasks demonstrate the
superior performance of the proposed method. | cs.CV | Refined Vision-Language Modeling for Fine-grained Multi-modal Pre-training |
2023-03-09T14:58:29Z | http://arxiv.org/pdf/2303.05309v1 | http://arxiv.org/abs/2303.05309v1 | Xize Cheng, Linjun Li, Tao Jin, Rongjie Huang, Wang Lin, Zehan Wang, Huangdai Liu, Ye Wang, Aoxiong Yin, Zhou Zhao | 2023-03-09T14:58:29Z | cs.CV, cs.CL | Multi-media communications facilitate global interaction among people.
However, despite researchers exploring cross-lingual translation techniques
such as machine translation and audio speech translation to overcome language
barriers, there is still a shortage of cross-lingual studies on visual speech.
This lack of research is mainly due to the absence of datasets containing
visual speech and translated text pairs. In this paper, we present
\textbf{AVMuST-TED}, the first dataset for \textbf{A}udio-\textbf{V}isual
\textbf{Mu}ltilingual \textbf{S}peech \textbf{T}ranslation, derived from
\textbf{TED} talks. Nonetheless, visual speech is not as distinguishable as
audio speech, making it difficult to develop a mapping from source speech
phonemes to the target language text. To address this issue, we propose
MixSpeech, a cross-modality self-learning framework that utilizes audio speech
to regularize the training of visual speech tasks. To further minimize the
cross-modality gap and its impact on knowledge transfer, we suggest adopting
mixed speech, which is created by interpolating audio and visual streams, along
with a curriculum learning strategy to adjust the mixing ratio as needed.
MixSpeech enhances speech translation in noisy environments, improving BLEU
scores for four languages on AVMuST-TED by +1.4 to +4.2. Moreover, it achieves
state-of-the-art performance in lip reading on CMLR (11.1\%), LRS2 (25.5\%),
and LRS3 (28.0\%). | cs.CV | MixSpeech: Cross-Modality Self-Learning with Audio-Visual Stream Mixup for Visual Speech Translation and Recognition |
2023-03-09T14:44:31Z | http://arxiv.org/pdf/2303.05295v1 | http://arxiv.org/abs/2303.05295v1 | Guo Yang, Daniel Lo, Robert Mullins, Yiren Zhao | 2023-03-09T14:44:31Z | cs.LG, cs.CL, cs.PF | Large Language Models (LLMs) have demonstrated impressive performance on a
range of Natural Language Processing (NLP) tasks. Unfortunately, the immense
amount of computations and memory accesses required for LLM training makes them
prohibitively expensive in terms of hardware cost, and thus challenging to
deploy in use cases such as on-device learning. In this paper, motivated by the
observation that LLM training is memory-bound, we propose a novel dynamic
quantization strategy, termed Dynamic Stashing Quantization (DSQ), that puts a
special focus on reducing the memory operations, but also enjoys the other
benefits of low precision training, such as the reduced arithmetic cost. We
conduct a thorough study on two translation tasks (trained-from-scratch) and
three classification tasks (fine-tuning). DSQ reduces the amount of arithmetic
operations by $20.95\times$ and the number of DRAM operations by $2.55\times$
on IWSLT17 compared to the standard 16-bit fixed-point, which is widely used in
on-device learning. | cs.LG | Dynamic Stashing Quantization for Efficient Transformer Training |
2023-03-09T12:50:34Z | http://arxiv.org/pdf/2303.05221v4 | http://arxiv.org/abs/2303.05221v4 | Maximilian M. Rabe, Dario Paape, Daniela Mertzen, Shravan Vasishth, Ralf Engbert | 2023-12-20T08:47:39Z | q-bio.NC, cs.CL | Models of eye-movement control during reading, developed largely within
psychology, usually focus on visual, attentional, lexical, and motor processes
but neglect post-lexical language processing; by contrast, models of sentence
comprehension processes, developed largely within psycholinguistics, generally
focus only on post-lexical language processes. We present a model that combines
these two research threads, by integrating eye-movement control and sentence
processing. Developing such an integrated model is extremely challenging and
computationally demanding, but such an integration is an important step toward
complete mathematical models of natural language comprehension in reading. We
combine the SWIFT model of eye-movement control (Seelig et al., 2020,
doi:10.1016/j.jmp.2019.102313) with key components of the Lewis and Vasishth
sentence processing model (Lewis & Vasishth, 2005,
doi:10.1207/s15516709cog0000_25). This integration becomes possible, for the
first time, due in part to recent advances in successful parameter
identification in dynamical models, which allows us to investigate profile
log-likelihoods for individual model parameters. We present a fully implemented
proof-of-concept model demonstrating how such an integrated model can be
achieved; our approach includes Bayesian model inference with Markov Chain
Monte Carlo (MCMC) sampling as a key computational tool. The integrated
Sentence-Processing and Eye-Movement Activation-Coupled Model (SEAM) can
successfully reproduce eye movement patterns that arise due to similarity-based
interference in reading. To our knowledge, this is the first-ever integration
of a complete process model of eye-movement control with linguistic dependency
completion processes in sentence comprehension. In future work, this proof of
concept model will need to be evaluated using a comprehensive set of benchmark
data. | q-bio.NC | SEAM: An Integrated Activation-Coupled Model of Sentence Processing and Eye Movements in Reading |
2023-03-09T12:22:28Z | http://arxiv.org/pdf/2303.05208v1 | http://arxiv.org/abs/2303.05208v1 | Loe Feijs | 2023-03-09T12:22:28Z | cs.CL, 03B65 (Primary) 91F20 (Secundary) | In this article, we present a fresh perspective on language, combining ideas
from various sources, but mixed in a new synthesis. As in the minimalist
program, the question is whether we can formulate an elegant formalism, a
universal grammar or a mechanism which explains significant aspects of the
human faculty of language, which in turn can be considered a natural
disposition for the evolution and deployment of the diverse human languages. We
describe such a mechanism, which differs from existing logical and grammatical
approaches by its geometric nature. Our main contribution is to explore the
assumption that sentence recognition takes place by forming chains of tokens
representing words, followed by matching these chains with pre-existing chains
representing grammatical word orders. The aligned chains of tokens give rise to
two- and three-dimensional complexes. The resulting model gives an alternative
presentation for subtle rules, traditionally formalized using categorial
grammar. | cs.CL | Geometry of Language |
2023-03-09T11:58:38Z | http://arxiv.org/pdf/2303.09395v1 | http://arxiv.org/abs/2303.09395v1 | Hyunseung Chung, Jiho Kim, Joon-myoung Kwon, Ki-Hyun Jeon, Min Sung Lee, Edward Choi | 2023-03-09T11:58:38Z | cs.CL, cs.LG, eess.SP | Electrocardiogram (ECG) synthesis is the area of research focused on
generating realistic synthetic ECG signals for medical use without concerns
over annotation costs or clinical data privacy restrictions. Traditional ECG
generation models consider a single ECG lead and utilize GAN-based generative
models. These models can only generate single lead samples and require separate
training for each diagnosis class. The diagnosis classes of ECGs are
insufficient to capture the intricate differences between ECGs depending on
various features (e.g. patient demographic details, co-existing diagnosis
classes, etc.). To alleviate these challenges, we present a text-to-ECG task,
in which textual inputs are used to produce ECG outputs. Then we propose
Auto-TTE, an autoregressive generative model conditioned on clinical text
reports to synthesize 12-lead ECGs, for the first time to our knowledge. We
compare the performance of our model with other representative models in
text-to-speech and text-to-image. Experimental results show the superiority of
our model in various quantitative evaluations and qualitative analysis.
Finally, we conduct a user study with three board-certified cardiologists to
confirm the fidelity and semantic alignment of generated samples. our code will
be available at https://github.com/TClife/text_to_ecg | cs.CL | Text-to-ECG: 12-Lead Electrocardiogram Synthesis conditioned on Clinical Text Reports |
2023-03-09T10:55:48Z | http://arxiv.org/pdf/2303.08039v1 | http://arxiv.org/abs/2303.08039v1 | He Zhu, Xihua Li, Xuemin Zhao, Yunbo Cao, Shan Yu | 2023-03-09T10:55:48Z | cs.CL, cs.CV | Recently, more and more people study online for the convenience of access to
massive learning materials (e.g. test questions/notes), thus accurately
understanding learning materials became a crucial issue, which is essential for
many educational applications. Previous studies focus on using language models
to represent the question data. However, test questions (TQ) are usually
heterogeneous and multi-modal, e.g., some of them may only contain text, while
others half contain images with information beyond their literal description.
In this context, both supervised and unsupervised methods are difficult to
learn a fused representation of questions. Meanwhile, this problem cannot be
solved by conventional methods such as image caption, as the images may contain
information complementary rather than duplicate to the text. In this paper, we
first improve previous text-only representation with a two-stage unsupervised
instance level contrastive based pre-training method (MCL: Mixture Unsupervised
Contrastive Learning). Then, TQ-Net was proposed to fuse the content of images
to the representation of heterogeneous data. Finally, supervised contrastive
learning was conducted on relevance prediction-related downstream tasks, which
helped the model to learn the representation of questions effectively. We
conducted extensive experiments on question-based tasks on large-scale,
real-world datasets, which demonstrated the effectiveness of TQ-Net and improve
the precision of downstream applications (e.g. similar questions +2.02% and
knowledge point prediction +7.20%). Our code will be available, and we will
open-source a subset of our data to promote the development of relative
studies. | cs.CL | TQ-Net: Mixed Contrastive Representation Learning For Heterogeneous Test Questions |
2023-03-09T10:33:31Z | http://arxiv.org/pdf/2303.05160v1 | http://arxiv.org/abs/2303.05160v1 | Valentin Boboc | 2023-03-09T10:33:31Z | cs.CL, math.LO | We enrich pregroups with a mapping which allows us to locally apply precyclic
permutations to designated substrings. We prove a normalisation theorem for
such algebraic structures and briefly formalise some known applications of
pregroups to the analysis of clitic pronouns in certain natural languages. | cs.CL | $π$-augmented pregroups and applications to linguistics |
2023-03-09T10:12:18Z | http://arxiv.org/pdf/2303.05153v1 | http://arxiv.org/abs/2303.05153v1 | Yasuto Hoshi, Daisuke Miyashita, Yasuhiro Morioka, Youyang Ng, Osamu Torii, Jun Deguchi | 2023-03-09T10:12:18Z | cs.CL, cs.AI | Neural document retrievers, including dense passage retrieval (DPR), have
outperformed classical lexical-matching retrievers, such as BM25, when
fine-tuned and tested on specific question-answering datasets. However, it has
been shown that the existing dense retrievers do not generalize well not only
out of domain but even in domain such as Wikipedia, especially when a named
entity in a question is a dominant clue for retrieval. In this paper, we
propose an approach toward in-domain generalization using the embeddings
generated by the frozen language model trained with the entities in the domain.
By not fine-tuning, we explore the possibility that the rich knowledge
contained in a pretrained language model can be used for retrieval tasks. The
proposed method outperforms conventional DPRs on entity-centric questions in
Wikipedia domain and achieves almost comparable performance to BM25 and
state-of-the-art SPAR model. We also show that the contextualized keys lead to
strong improvements compared to BM25 when the entity names consist of common
words. Our results demonstrate the feasibility of the zero-shot retrieval
method for entity-centric questions of Wikipedia domain, where DPR has
struggled to perform. | cs.CL | Can a Frozen Pretrained Language Model be used for Zero-shot Neural Retrieval on Entity-centric Questions? |
2023-03-09T09:52:28Z | http://arxiv.org/pdf/2303.05143v1 | http://arxiv.org/abs/2303.05143v1 | Jie Liu, Yixuan Liu, Xue Han, Chao Deng, Junlan Feng | 2023-03-09T09:52:28Z | cs.CL, cs.LG | Previous contrastive learning methods for sentence representations often
focus on insensitive transformations to produce positive pairs, but neglect the
role of sensitive transformations that are harmful to semantic representations.
Therefore, we propose an Equivariant Self-Contrastive Learning (ESCL) method to
make full use of sensitive transformations, which encourages the learned
representations to be sensitive to certain types of transformations with an
additional equivariant learning task. Meanwhile, in order to improve
practicability and generality, ESCL simplifies the implementations of
traditional equivariant contrastive methods to share model parameters from the
perspective of multi-task learning. We evaluate our ESCL on semantic textual
similarity tasks. The proposed method achieves better results while using fewer
learning parameters compared to previous methods. | cs.CL | ESCL: Equivariant Self-Contrastive Learning for Sentence Representations |
2023-03-09T08:07:38Z | http://arxiv.org/pdf/2303.05093v1 | http://arxiv.org/abs/2303.05093v1 | Feng He, Qi Wang, Zhifan Feng, Wenbin Jiang, Yajuan Lv, Yong zhu, Xiao Tan | 2023-03-09T08:07:38Z | cs.CV, cs.CL | Video retrieval is becoming increasingly important owing to the rapid
emergence of videos on the Internet. The dominant paradigm for video retrieval
learns video-text representations by pushing the distance between the
similarity of positive pairs and that of negative pairs apart from a fixed
margin. However, negative pairs used for training are sampled randomly, which
indicates that the semantics between negative pairs may be related or even
equivalent, while most methods still enforce dissimilar representations to
decrease their similarity. This phenomenon leads to inaccurate supervision and
poor performance in learning video-text representations.
While most video retrieval methods overlook that phenomenon, we propose an
adaptive margin changed with the distance between positive and negative pairs
to solve the aforementioned issue. First, we design the calculation framework
of the adaptive margin, including the method of distance measurement and the
function between the distance and the margin. Then, we explore a novel
implementation called "Cross-Modal Generalized Self-Distillation" (CMGSD),
which can be built on the top of most video retrieval models with few
modifications. Notably, CMGSD adds few computational overheads at train time
and adds no computational overhead at test time. Experimental results on three
widely used datasets demonstrate that the proposed method can yield
significantly better performance than the corresponding backbone model, and it
outperforms state-of-the-art methods by a large margin. | cs.CV | Improving Video Retrieval by Adaptive Margin |
2023-03-09T07:35:31Z | http://arxiv.org/pdf/2303.05082v1 | http://arxiv.org/abs/2303.05082v1 | Jing Yang, Bin Ji, Shasha Li, Jun Ma, Long Peng, Jie Yu | 2023-03-09T07:35:31Z | cs.CL | Recently, many studies incorporate external knowledge into character-level
feature based models to improve the performance of Chinese relation extraction.
However, these methods tend to ignore the internal information of the Chinese
character and cannot filter out the noisy information of external knowledge. To
address these issues, we propose a mixture-of-view-experts framework (MoVE) to
dynamically learn multi-view features for Chinese relation extraction. With
both the internal and external knowledge of Chinese characters, our framework
can better capture the semantic information of Chinese characters. To
demonstrate the effectiveness of the proposed framework, we conduct extensive
experiments on three real-world datasets in distinct domains. Experimental
results show consistent and significant superiority and robustness of our
proposed framework. Our code and dataset will be released at:
https://gitee.com/tmg-nudt/multi-view-of-expert-for-chineserelation-extraction | cs.CL | Dynamic Multi-View Fusion Mechanism For Chinese Relation Extraction |
2023-03-09T07:31:56Z | http://arxiv.org/pdf/2303.05080v1 | http://arxiv.org/abs/2303.05080v1 | Taom Sakal, Stephen Proulx | 2023-03-09T07:31:56Z | cs.SI, cs.CL | We investigate how well traditional fiction genres like Fantasy, Thriller,
and Literature represent readers' preferences. Using user data from Goodreads
we construct a book network where two books are strongly linked if the same
people tend to read or enjoy them both. We then partition this network into
communities of similar books and assign each a list of subjects from The Open
Library to serve as a proxy for traditional genres. Our analysis reveals that
the network communities correspond to existing combinations of traditional
genres, but that the exact communities differ depending on whether we consider
books that people read or books that people enjoy.
In addition, we apply principal component analysis to the data and find that
the variance in the book communities is best explained by two factors: the
maturity/childishness and realism/fantastical nature of the books. We propose
using this maturity-realism plane as a coarse classification tool for stories. | cs.SI | Revisiting the relevance of traditional genres: a network analysis of fiction readers' preferences |
2023-03-09T07:22:07Z | http://arxiv.org/pdf/2303.05077v2 | http://arxiv.org/abs/2303.05077v2 | Dev Seth, Rickard Stureborg, Danish Pruthi, Bhuwan Dhingra | 2023-03-10T19:54:39Z | cs.CL, cs.CV | Many adversarial attacks in NLP perturb inputs to produce visually similar
strings ('ergo' $\rightarrow$ '$\epsilon$rgo') which are legible to humans but
degrade model performance. Although preserving legibility is a necessary
condition for text perturbation, little work has been done to systematically
characterize it; instead, legibility is typically loosely enforced via
intuitions around the nature and extent of perturbations. Particularly, it is
unclear to what extent can inputs be perturbed while preserving legibility, or
how to quantify the legibility of a perturbed string. In this work, we address
this gap by learning models that predict the legibility of a perturbed string,
and rank candidate perturbations based on their legibility. To do so, we
collect and release LEGIT, a human-annotated dataset comprising the legibility
of visually perturbed text. Using this dataset, we build both text- and
vision-based models which achieve up to $0.91$ F1 score in predicting whether
an input is legible, and an accuracy of $0.86$ in predicting which of two given
perturbations is more legible. Additionally, we discover that legible
perturbations from the LEGIT dataset are more effective at lowering the
performance of NLP models than best-known attack strategies, suggesting that
current models may be vulnerable to a broad range of perturbations beyond what
is captured by existing visual attacks. Data, code, and models are available at
https://github.com/dvsth/learning-legibility-2023. | cs.CL | Learning the Legibility of Visual Text Perturbations |
2023-03-09T06:24:50Z | http://arxiv.org/pdf/2303.05063v4 | http://arxiv.org/abs/2303.05063v4 | Jiabang He, Lei Wang, Yi Hu, Ning Liu, Hui Liu, Xing Xu, Heng Tao Shen | 2023-08-21T03:57:18Z | cs.CL | Large language models (LLMs), such as GPT-3 and ChatGPT, have demonstrated
remarkable results in various natural language processing (NLP) tasks with
in-context learning, which involves inference based on a few demonstration
examples. Despite their successes in NLP tasks, no investigation has been
conducted to assess the ability of LLMs to perform document information
extraction (DIE) using in-context learning. Applying LLMs to DIE poses two
challenges: the modality and task gap. To this end, we propose a simple but
effective in-context learning framework called ICL-D3IE, which enables LLMs to
perform DIE with different types of demonstration examples. Specifically, we
extract the most difficult and distinct segments from hard training documents
as hard demonstrations for benefiting all test instances. We design
demonstrations describing relationships that enable LLMs to understand
positional relationships. We introduce formatting demonstrations for easy
answer extraction. Additionally, the framework improves diverse demonstrations
by updating them iteratively. Our experiments on three widely used benchmark
datasets demonstrate that the ICL-D3IE framework enables Davinci-003/ChatGPT to
achieve superior performance when compared to previous pre-trained methods
fine-tuned with full training in both the in-distribution (ID) setting and in
the out-of-distribution (OOD) setting. Code is available at
https://github.com/MAEHCM/ICL-D3IE. | cs.CL | ICL-D3IE: In-Context Learning with Diverse Demonstrations Updating for Document Information Extraction |
2023-03-09T05:50:54Z | http://arxiv.org/pdf/2303.05046v1 | http://arxiv.org/abs/2303.05046v1 | Satarupa Guha, Rahul Ambavat, Ankur Gupta, Manish Gupta, Rupeshkumar Mehta | 2023-03-09T05:50:54Z | cs.CL | Word error rate (WER) is a standard metric for the evaluation of Automated
Speech Recognition (ASR) systems. However, WER fails to provide a fair
evaluation of human perceived quality in presence of spelling variations,
abbreviations, or compound words arising out of agglutination. Multiple
spelling variations might be acceptable based on locale/geography, alternative
abbreviations, borrowed words, and transliteration of code-mixed words from a
foreign language to the target language script. Similarly, in case of
agglutination, often times the agglutinated, as well as the split forms, are
acceptable. Previous work handled this problem by using manually identified
normalization pairs and applying them to both the transcription and the
hypothesis before computing WER. In this paper, we propose an automatic WER
normalization system consisting of two modules: spelling normalization and
segmentation normalization. The proposed system is unsupervised and language
agnostic, and therefore scalable. Experiments with ASR on 35K utterances across
four languages yielded an average WER reduction of 13.28%. Human judgements of
these automatically identified normalization pairs show that our WER-normalized
evaluation is highly consistent with the perceived quality of ASR output. | cs.CL | Unsupervised Language agnostic WER Standardization |
2023-03-09T04:51:27Z | http://arxiv.org/pdf/2303.05034v1 | http://arxiv.org/abs/2303.05034v1 | Caiyuan Chu, Ya Li, Yifan Liu, Jia-Chen Gu, Quan Liu, Yongxin Ge, Guoping Hu | 2023-03-09T04:51:27Z | cs.CL | Intent recognition is critical for task-oriented dialogue systems. However,
for emerging domains and new services, it is difficult to accurately identify
the key intent of a conversation due to time-consuming data annotation and
comparatively poor model transferability. Therefore, the automatic induction of
dialogue intention is very important for intelligent dialogue systems. This
paper presents our solution to Track 2 of Intent Induction from Conversations
for Task-Oriented Dialogue at the Eleventh Dialogue System Technology Challenge
(DSTC11). The essence of intention clustering lies in distinguishing the
representation of different dialogue utterances. The key to automatic intention
induction is that, for any given set of new data, the sentence representation
obtained by the model can be well distinguished from different labels.
Therefore, we propose a multi-stage coarse-to-fine contrastive learning model
training scheme including unsupervised contrastive learning pre-training,
supervised contrastive learning pre-training, and fine-tuning with joint
contrastive learning and clustering to obtain a better dialogue utterance
representation model for the clustering task. In the released DSTC11 Track 2
evaluation results, our proposed system ranked first on both of the two
subtasks of this Track. | cs.CL | Multi-Stage Coarse-to-Fine Contrastive Learning for Conversation Intent Induction |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.