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-02-28T17:39:43Z | http://arxiv.org/pdf/2302.14785v1 | http://arxiv.org/abs/2302.14785v1 | Teven Le Scao, Claire Gardent | 2023-02-28T17:39:43Z | cs.CL | A key feature of neural models is that they can produce semantic vector
representations of objects (texts, images, speech, etc.) ensuring that similar
objects are close to each other in the vector space. While much work has
focused on learning representations for other modalities, there are no aligned
cross-modal representations for text and knowledge base (KB) elements. One
challenge for learning such representations is the lack of parallel data, which
we use contrastive training on heuristics-based datasets and data augmentation
to overcome, training embedding models on (KB graph, text) pairs. On WebNLG, a
cleaner manually crafted dataset, we show that they learn aligned
representations suitable for retrieval. We then fine-tune on annotated data to
create EREDAT (Ensembled Representations for Evaluation of DAta-to-Text), a
similarity metric between English text and KB graphs. EREDAT outperforms or
matches state-of-the-art metrics in terms of correlation with human judgments
on WebNLG even though, unlike them, it does not require a reference text to
compare against. | cs.CL | Joint Representations of Text and Knowledge Graphs for Retrieval and Evaluation |
2023-02-28T16:34:55Z | http://arxiv.org/pdf/2302.14727v1 | http://arxiv.org/abs/2302.14727v1 | Anna Koufakou, Jairo Garciga, Adam Paul, Joseph Morelli, Christopher Frank | 2023-02-28T16:34:55Z | cs.CL | Emotion Classification based on text is a task with many applications which
has received growing interest in recent years. This paper presents a
preliminary study with the goal to help researchers and practitioners gain
insight into relatively new datasets as well as emotion classification in
general. We focus on three datasets that were recently presented in the related
literature, and we explore the performance of traditional as well as
state-of-the-art deep learning models in the presence of different
characteristics in the data. We also explore the use of data augmentation in
order to improve performance. Our experimental work shows that state-of-the-art
models such as RoBERTa perform the best for all cases. We also provide
observations and discussion that highlight the complexity of emotion
classification in these datasets and test out the applicability of the models
to actual social media posts we collected and labeled. | cs.CL | Automatically Classifying Emotions based on Text: A Comparative Exploration of Different Datasets |
2023-02-28T16:31:17Z | http://arxiv.org/pdf/2302.14719v1 | http://arxiv.org/abs/2302.14719v1 | Kai Sun, Richong Zhang, Samuel Mensah, Nikolaos Aletras, Yongyi Mao, Xudong Liu | 2023-02-28T16:31:17Z | cs.CL, cs.LG | Opinion target extraction (OTE) or aspect extraction (AE) is a fundamental
task in opinion mining that aims to extract the targets (or aspects) on which
opinions have been expressed. Recent work focus on cross-domain OTE, which is
typically encountered in real-world scenarios, where the testing and training
distributions differ. Most methods use domain adversarial neural networks that
aim to reduce the domain gap between the labelled source and unlabelled target
domains to improve target domain performance. However, this approach only
aligns feature distributions and does not account for class-wise feature
alignment, leading to suboptimal results. Semi-supervised learning (SSL) has
been explored as a solution, but is limited by the quality of pseudo-labels
generated by the model. Inspired by the theoretical foundations in domain
adaptation [2], we propose a new SSL approach that opts for selecting target
samples whose model output from a domain-specific teacher and student network
disagree on the unlabelled target data, in an effort to boost the target domain
performance. Extensive experiments on benchmark cross-domain OTE datasets show
that this approach is effective and performs consistently well in settings with
large domain shifts. | cs.CL | Self-training through Classifier Disagreement for Cross-Domain Opinion Target Extraction |
2023-02-28T16:19:24Z | http://arxiv.org/pdf/2302.14708v1 | http://arxiv.org/abs/2302.14708v1 | Daisuke Bekki, Hitomi Yanaka | 2023-02-28T16:19:24Z | cs.CL | The Japanese CCGBank serves as training and evaluation data for developing
Japanese CCG parsers. However, since it is automatically generated from the
Kyoto Corpus, a dependency treebank, its linguistic validity still needs to be
sufficiently verified. In this paper, we focus on the analysis of
passive/causative constructions in the Japanese CCGBank and show that, together
with the compositional semantics of ccg2lambda, a semantic parsing system, it
yields empirically wrong predictions for the nested construction of passives
and causatives. | cs.CL | Is Japanese CCGBank empirically correct? A case study of passive and causative constructions |
2023-02-28T16:06:35Z | http://arxiv.org/pdf/2302.14691v2 | http://arxiv.org/abs/2302.14691v2 | Seonghyeon Ye, Hyeonbin Hwang, Sohee Yang, Hyeongu Yun, Yireun Kim, Minjoon Seo | 2023-12-24T11:49:04Z | cs.CL, cs.AI | In this paper, we present our finding that prepending a Task-Agnostic Prefix
Prompt (TAPP) to the input improves the instruction-following ability of
various Large Language Models (LLMs) during inference. TAPP is different from
canonical prompts for LLMs in that it is a fixed prompt prepended to the
beginning of every input regardless of the target task for zero-shot
generalization. We observe that both base LLMs (i.e. not fine-tuned to follow
instructions) and instruction-tuned models benefit from TAPP, resulting in
34.58% and 12.26% improvement on average, respectively. This implies that the
instruction-following ability of LLMs can be improved during inference time
with a fixed prompt constructed with simple heuristics. We hypothesize that
TAPP assists language models to better estimate the output distribution by
focusing more on the instruction of the target task during inference. In other
words, such ability does not seem to be sufficiently activated in not only base
LLMs but also many instruction-fine-tuned LLMs. All experiments are
reproducible from https://github.com/seonghyeonye/TAPP. | cs.CL | Investigating the Effectiveness of Task-Agnostic Prefix Prompt for Instruction Following |
2023-02-28T15:45:20Z | http://arxiv.org/pdf/2302.14680v2 | http://arxiv.org/abs/2302.14680v2 | Holy Lovenia, Samuel Cahyawijaya, Pascale Fung | 2023-03-15T14:38:21Z | cs.CL, cs.AI, cs.CV | The demand for multimodal dialogue systems has been rising in various
domains, emphasizing the importance of interpreting multimodal inputs from
conversational and situational contexts. We explore three methods to tackle
this problem and evaluate them on the largest situated dialogue dataset, SIMMC
2.1. Our best method, scene-dialogue alignment, improves the performance by
~20% F1-score compared to the SIMMC 2.1 baselines. We provide analysis and
discussion regarding the limitation of our methods and the potential directions
for future works. Our code is publicly available at
https://github.com/holylovenia/multimodal-object-identification. | cs.CL | Which One Are You Referring To? Multimodal Object Identification in Situated Dialogue |
2023-02-28T15:42:30Z | http://arxiv.org/pdf/2302.14679v2 | http://arxiv.org/abs/2302.14679v2 | Taha Ceritli, Ghadeer O. Ghosheh, Vinod Kumar Chauhan, Tingting Zhu, Andrew P. Creagh, David A. Clifton | 2023-08-10T16:46:35Z | cs.LG, cs.CL | Electronic Health Records (EHRs) contain sensitive patient information, which
presents privacy concerns when sharing such data. Synthetic data generation is
a promising solution to mitigate these risks, often relying on deep generative
models such as Generative Adversarial Networks (GANs). However, recent studies
have shown that diffusion models offer several advantages over GANs, such as
generation of more realistic synthetic data and stable training in generating
data modalities, including image, text, and sound. In this work, we investigate
the potential of diffusion models for generating realistic mixed-type tabular
EHRs, comparing TabDDPM model with existing methods on four datasets in terms
of data quality, utility, privacy, and augmentation. Our experiments
demonstrate that TabDDPM outperforms the state-of-the-art models across all
evaluation metrics, except for privacy, which confirms the trade-off between
privacy and utility. | cs.LG | Synthesizing Mixed-type Electronic Health Records using Diffusion Models |
2023-02-28T15:14:15Z | http://arxiv.org/pdf/2302.14635v1 | http://arxiv.org/abs/2302.14635v1 | Shubhankar Singh, Anirudh Pupneja, Shivaansh Mital, Cheril Shah, Manish Bawkar, Lakshman Prasad Gupta, Ajit Kumar, Yaman Kumar, Rushali Gupta, Rajiv Ratn Shah | 2023-02-28T15:14:15Z | cs.CL | The use of Natural Language Processing (NLP) for Automated Essay Scoring
(AES) has been well explored in the English language, with benchmark models
exhibiting performance comparable to human scorers. However, AES in Hindi and
other low-resource languages remains unexplored. In this study, we reproduce
and compare state-of-the-art methods for AES in the Hindi domain. We employ
classical feature-based Machine Learning (ML) and advanced end-to-end models,
including LSTM Networks and Fine-Tuned Transformer Architecture, in our
approach and derive results comparable to those in the English language domain.
Hindi being a low-resource language, lacks a dedicated essay-scoring corpus. We
train and evaluate our models using translated English essays and empirically
measure their performance on our own small-scale, real-world Hindi corpus. We
follow this up with an in-depth analysis discussing prompt-specific behavior of
different language models implemented. | cs.CL | H-AES: Towards Automated Essay Scoring for Hindi |
2023-02-28T15:05:33Z | http://arxiv.org/pdf/2302.14624v1 | http://arxiv.org/abs/2302.14624v1 | Yooyoung Lee, Craig Greenberg, Eliot Godard, Asad A. Butt, Elliot Singer, Trang Nguyen, Lisa Mason, Douglas Reynolds | 2023-02-28T15:05:33Z | cs.CL, cs.LG, cs.SD, eess.AS | In 2022, the U.S. National Institute of Standards and Technology (NIST)
conducted the latest Language Recognition Evaluation (LRE) in an ongoing series
administered by NIST since 1996 to foster research in language recognition and
to measure state-of-the-art technology. Similar to previous LREs, LRE22 focused
on conversational telephone speech (CTS) and broadcast narrowband speech (BNBS)
data. LRE22 also introduced new evaluation features, such as an emphasis on
African languages, including low resource languages, and a test set consisting
of segments containing between 3s and 35s of speech randomly sampled and
extracted from longer recordings. A total of 21 research organizations, forming
16 teams, participated in this 3-month long evaluation and made a total of 65
valid system submissions to be evaluated. This paper presents an overview of
LRE22 and an analysis of system performance over different evaluation
conditions. The evaluation results suggest that Oromo and Tigrinya are easier
to detect while Xhosa and Zulu are more challenging. A greater confusability is
seen for some language pairs. When speech duration increased, system
performance significantly increased up to a certain duration, and then a
diminishing return on system performance is observed afterward. | cs.CL | The 2022 NIST Language Recognition Evaluation |
2023-02-28T14:43:49Z | http://arxiv.org/pdf/2303.01249v1 | http://arxiv.org/abs/2303.01249v1 | Zhijie Shen, Wu Guo, Bin Gu | 2023-02-28T14:43:49Z | cs.CL, cs.SD, eess.AS | In this paper, we propose a language-universal adapter learning framework
based on a pre-trained model for end-to-end multilingual automatic speech
recognition (ASR). For acoustic modeling, the wav2vec 2.0 pre-trained model is
fine-tuned by inserting language-specific and language-universal adapters. An
online knowledge distillation is then used to enable the language-universal
adapters to learn both language-specific and universal features. The linguistic
information confusion is also reduced by leveraging language identifiers
(LIDs). With LIDs we perform a position-wise modification on the multi-head
attention outputs. In the inference procedure, the language-specific adapters
are removed while the language-universal adapters are kept activated. The
proposed method improves the recognition accuracy and addresses the linear
increase of the number of adapters' parameters with the number of languages in
common multilingual ASR systems. Experiments on the BABEL dataset confirm the
effectiveness of the proposed framework. Compared to the conventional
multilingual model, a 3.3% absolute error rate reduction is achieved. The code
is available at: https://github.com/shen9712/UniversalAdapterLearning. | cs.CL | Language-Universal Adapter Learning with Knowledge Distillation for End-to-End Multilingual Speech Recognition |
2023-02-28T12:44:10Z | http://arxiv.org/pdf/2302.14534v2 | http://arxiv.org/abs/2302.14534v2 | Christopher Akiki, Odunayo Ogundepo, Aleksandra Piktus, Xinyu Zhang, Akintunde Oladipo, Jimmy Lin, Martin Potthast | 2024-03-24T14:34:53Z | cs.IR, cs.CL | We present Spacerini, a tool that integrates the Pyserini toolkit for
reproducible information retrieval research with Hugging Face to enable the
seamless construction and deployment of interactive search engines. Spacerini
makes state-of-the-art sparse and dense retrieval models more accessible to
non-IR practitioners while minimizing deployment effort. This is useful for NLP
researchers who want to better understand and validate their research by
performing qualitative analyses of training corpora, for IR researchers who
want to demonstrate new retrieval models integrated into the growing Pyserini
ecosystem, and for third parties reproducing the work of other researchers.
Spacerini is open source and includes utilities for loading, preprocessing,
indexing, and deploying search engines locally and remotely. We demonstrate a
portfolio of 13 search engines created with Spacerini for different use cases. | cs.IR | Spacerini: Plug-and-play Search Engines with Pyserini and Hugging Face |
2023-02-28T12:33:12Z | http://arxiv.org/pdf/2302.14523v1 | http://arxiv.org/abs/2302.14523v1 | Jocelyn Huang, Evelina Bakhturina, Oktai Tatanov | 2023-02-28T12:33:12Z | cs.CL | Grapheme-to-phoneme (G2P) transduction is part of the standard text-to-speech
(TTS) pipeline. However, G2P conversion is difficult for languages that contain
heteronyms -- words that have one spelling but can be pronounced in multiple
ways. G2P datasets with annotated heteronyms are limited in size and expensive
to create, as human labeling remains the primary method for heteronym
disambiguation. We propose a RAD-TTS Aligner-based pipeline to automatically
disambiguate heteronyms in datasets that contain both audio with text
transcripts. The best pronunciation can be chosen by generating all possible
candidates for each heteronym and scoring them with an Aligner model. The
resulting labels can be used to create training datasets for use in both
multi-stage and end-to-end G2P systems. | cs.CL | Automatic Heteronym Resolution Pipeline Using RAD-TTS Aligners |
2023-02-28T12:23:48Z | http://arxiv.org/pdf/2302.14520v2 | http://arxiv.org/abs/2302.14520v2 | Tom Kocmi, Christian Federmann | 2023-05-31T19:51:51Z | cs.CL | We describe GEMBA, a GPT-based metric for assessment of translation quality,
which works both with a reference translation and without. In our evaluation,
we focus on zero-shot prompting, comparing four prompt variants in two modes,
based on the availability of the reference. We investigate nine versions of GPT
models, including ChatGPT and GPT-4. We show that our method for translation
quality assessment only works with GPT~3.5 and larger models. Comparing to
results from WMT22's Metrics shared task, our method achieves state-of-the-art
accuracy in both modes when compared to MQM-based human labels. Our results are
valid on the system level for all three WMT22 Metrics shared task language
pairs, namely English into German, English into Russian, and Chinese into
English. This provides a first glimpse into the usefulness of pre-trained,
generative large language models for quality assessment of translations. We
publicly release all our code and prompt templates used for the experiments
described in this work, as well as all corresponding scoring results, to allow
for external validation and reproducibility. | cs.CL | Large Language Models Are State-of-the-Art Evaluators of Translation Quality |
2023-02-28T11:34:30Z | http://arxiv.org/pdf/2302.14502v1 | http://arxiv.org/abs/2302.14502v1 | Zican Dong, Tianyi Tang, Lunyi Li, Wayne Xin Zhao | 2023-02-28T11:34:30Z | cs.CL | Modeling long texts has been an essential technique in the field of natural
language processing (NLP). With the ever-growing number of long documents, it
is important to develop effective modeling methods that can process and analyze
such texts. However, long texts pose important research challenges for existing
text models, with more complex semantics and special characteristics. In this
paper, we provide an overview of the recent advances on long texts modeling
based on Transformer models. Firstly, we introduce the formal definition of
long text modeling. Then, as the core content, we discuss how to process long
input to satisfy the length limitation and design improved Transformer
architectures to effectively extend the maximum context length. Following this,
we discuss how to adapt Transformer models to capture the special
characteristics of long texts. Finally, we describe four typical applications
involving long text modeling and conclude this paper with a discussion of
future directions. Our survey intends to provide researchers with a synthesis
and pointer to related work on long text modeling. | cs.CL | A Survey on Long Text Modeling with Transformers |
2023-02-28T11:21:24Z | http://arxiv.org/pdf/2302.14494v1 | http://arxiv.org/abs/2302.14494v1 | Elmurod Kuriyozov, Ulugbek Salaev, Sanatbek Matlatipov, Gayrat Matlatipov | 2023-02-28T11:21:24Z | cs.CL | Text classification is an important task in Natural Language Processing
(NLP), where the goal is to categorize text data into predefined classes. In
this study, we analyse the dataset creation steps and evaluation techniques of
multi-label news categorisation task as part of text classification. We first
present a newly obtained dataset for Uzbek text classification, which was
collected from 10 different news and press websites and covers 15 categories of
news, press and law texts. We also present a comprehensive evaluation of
different models, ranging from traditional bag-of-words models to deep learning
architectures, on this newly created dataset. Our experiments show that the
Recurrent Neural Network (RNN) and Convolutional Neural Network (CNN) based
models outperform the rule-based models. The best performance is achieved by
the BERTbek model, which is a transformer-based BERT model trained on the Uzbek
corpus. Our findings provide a good baseline for further research in Uzbek text
classification. | cs.CL | Text classification dataset and analysis for Uzbek language |
2023-02-28T08:47:20Z | http://arxiv.org/pdf/2302.14413v1 | http://arxiv.org/abs/2302.14413v1 | Yanchen Liu, Jing Yan, Yan Chen, Jing Liu, Hua Wu | 2023-02-28T08:47:20Z | cs.CL | Recent studies reveal that various biases exist in different NLP tasks, and
over-reliance on biases results in models' poor generalization ability and low
adversarial robustness. To mitigate datasets biases, previous works propose
lots of debiasing techniques to tackle specific biases, which perform well on
respective adversarial sets but fail to mitigate other biases. In this paper,
we propose a new debiasing method Sparse Mixture-of-Adapters (SMoA), which can
mitigate multiple dataset biases effectively and efficiently. Experiments on
Natural Language Inference and Paraphrase Identification tasks demonstrate that
SMoA outperforms full-finetuning, adapter tuning baselines, and prior strong
debiasing methods. Further analysis indicates the interpretability of SMoA that
sub-adapter can capture specific pattern from the training data and specialize
to handle specific bias. | cs.CL | SMoA: Sparse Mixture of Adapters to Mitigate Multiple Dataset Biases |
2023-02-28T08:41:53Z | http://arxiv.org/pdf/2302.14406v1 | http://arxiv.org/abs/2302.14406v1 | Brielen Madureira, David Schlangen | 2023-02-28T08:41:53Z | cs.CL | In visual instruction-following dialogue games, players can engage in repair
mechanisms in face of an ambiguous or underspecified instruction that cannot be
fully mapped to actions in the world. In this work, we annotate Instruction
Clarification Requests (iCRs) in CoDraw, an existing dataset of interactions in
a multimodal collaborative dialogue game. We show that it contains lexically
and semantically diverse iCRs being produced self-motivatedly by players
deciding to clarify in order to solve the task successfully. With 8.8k iCRs
found in 9.9k dialogues, CoDraw-iCR (v1) is a large spontaneous iCR corpus,
making it a valuable resource for data-driven research on clarification in
dialogue. We then formalise and provide baseline models for two tasks:
Determining when to make an iCR and how to recognise them, in order to
investigate to what extent these tasks are learnable from data. | cs.CL | Instruction Clarification Requests in Multimodal Collaborative Dialogue Games: Tasks, and an Analysis of the CoDraw Dataset |
2023-02-28T08:35:28Z | http://arxiv.org/pdf/2302.14401v1 | http://arxiv.org/abs/2302.14401v1 | Jing Zhang, Xiaokang Zhang, Daniel Zhang-Li, Jifan Yu, Zijun Yao, Zeyao Ma, Yiqi Xu, Haohua Wang, Xiaohan Zhang, Nianyi Lin, Sunrui Lu, Juanzi Li, Jie Tang | 2023-02-28T08:35:28Z | cs.CL, cs.AI | We present GLM-Dialog, a large-scale language model (LLM) with 10B parameters
capable of knowledge-grounded conversation in Chinese using a search engine to
access the Internet knowledge. GLM-Dialog offers a series of applicable
techniques for exploiting various external knowledge including both helpful and
noisy knowledge, enabling the creation of robust knowledge-grounded dialogue
LLMs with limited proper datasets. To evaluate the GLM-Dialog more fairly, we
also propose a novel evaluation method to allow humans to converse with
multiple deployed bots simultaneously and compare their performance implicitly
instead of explicitly rating using multidimensional metrics.Comprehensive
evaluations from automatic to human perspective demonstrate the advantages of
GLM-Dialog comparing with existing open source Chinese dialogue models. We
release both the model checkpoint and source code, and also deploy it as a
WeChat application to interact with users. We offer our evaluation platform
online in an effort to prompt the development of open source models and
reliable dialogue evaluation systems. The additional easy-to-use toolkit that
consists of short text entity linking, query generation, and helpful knowledge
classification is also released to enable diverse applications. All the source
code is available on Github. | cs.CL | GLM-Dialog: Noise-tolerant Pre-training for Knowledge-grounded Dialogue Generation |
2023-02-28T08:16:18Z | http://arxiv.org/pdf/2302.14389v1 | http://arxiv.org/abs/2302.14389v1 | Alexandre Pasquiou, Yair Lakretz, Bertrand Thirion, Christophe Pallier | 2023-02-28T08:16:18Z | cs.CL | A fundamental question in neurolinguistics concerns the brain regions
involved in syntactic and semantic processing during speech comprehension, both
at the lexical (word processing) and supra-lexical levels (sentence and
discourse processing). To what extent are these regions separated or
intertwined? To address this question, we trained a lexical language model,
Glove, and a supra-lexical language model, GPT-2, on a text corpus from which
we selectively removed either syntactic or semantic information. We then
assessed to what extent these information-restricted models were able to
predict the time-courses of fMRI signal of humans listening to naturalistic
text. We also manipulated the size of contextual information provided to GPT-2
in order to determine the windows of integration of brain regions involved in
supra-lexical processing. Our analyses show that, while most brain regions
involved in language are sensitive to both syntactic and semantic variables,
the relative magnitudes of these effects vary a lot across these regions.
Furthermore, we found an asymmetry between the left and right hemispheres, with
semantic and syntactic processing being more dissociated in the left hemisphere
than in the right, and the left and right hemispheres showing respectively
greater sensitivity to short and long contexts. The use of
information-restricted NLP models thus shed new light on the spatial
organization of syntactic processing, semantic processing and compositionality. | cs.CL | Information-Restricted Neural Language Models Reveal Different Brain Regions' Sensitivity to Semantics, Syntax and Context |
2023-02-28T08:11:56Z | http://arxiv.org/pdf/2302.14383v3 | http://arxiv.org/abs/2302.14383v3 | Matthew Trager, Pramuditha Perera, Luca Zancato, Alessandro Achille, Parminder Bhatia, Stefano Soatto | 2024-01-11T18:21:52Z | cs.LG, cs.AI, cs.CL, cs.CV | We investigate compositional structures in data embeddings from pre-trained
vision-language models (VLMs). Traditionally, compositionality has been
associated with algebraic operations on embeddings of words from a pre-existing
vocabulary. In contrast, we seek to approximate representations from an encoder
as combinations of a smaller set of vectors in the embedding space. These
vectors can be seen as "ideal words" for generating concepts directly within
the embedding space of the model. We first present a framework for
understanding compositional structures from a geometric perspective. We then
explain what these compositional structures entail probabilistically in the
case of VLM embeddings, providing intuitions for why they arise in practice.
Finally, we empirically explore these structures in CLIP's embeddings and we
evaluate their usefulness for solving different vision-language tasks such as
classification, debiasing, and retrieval. Our results show that simple linear
algebraic operations on embedding vectors can be used as compositional and
interpretable methods for regulating the behavior of VLMs. | cs.LG | Linear Spaces of Meanings: Compositional Structures in Vision-Language Models |
2023-02-28T06:05:43Z | http://arxiv.org/pdf/2302.14337v2 | http://arxiv.org/abs/2302.14337v2 | Kentaro Mitsui, Yukiya Hono, Kei Sawada | 2023-05-19T02:43:32Z | cs.CV, cs.CL, cs.SD, eess.AS, eess.IV | Talking face generation has been extensively investigated owing to its wide
applicability. The two primary frameworks used for talking face generation
comprise a text-driven framework, which generates synchronized speech and
talking faces from text, and a speech-driven framework, which generates talking
faces from speech. To integrate these frameworks, this paper proposes a unified
facial landmark generator (UniFLG). The proposed system exploits end-to-end
text-to-speech not only for synthesizing speech but also for extracting a
series of latent representations that are common to text and speech, and feeds
it to a landmark decoder to generate facial landmarks. We demonstrate that our
system achieves higher naturalness in both speech synthesis and facial landmark
generation compared to the state-of-the-art text-driven method. We further
demonstrate that our system can generate facial landmarks from speech of
speakers without facial video data or even speech data. | cs.CV | UniFLG: Unified Facial Landmark Generator from Text or Speech |
2023-02-28T04:24:55Z | http://arxiv.org/pdf/2303.07201v1 | http://arxiv.org/abs/2303.07201v1 | Akshat Shukla, Chaarvi Bansal, Sushrut Badhe, Mukul Ranjan, Rohitash Chandra | 2023-02-28T04:24:55Z | cs.CL, cs.AI | Google Translate has been prominent for language translation; however,
limited work has been done in evaluating the quality of translation when
compared to human experts. Sanskrit one of the oldest written languages in the
world. In 2022, the Sanskrit language was added to the Google Translate engine.
Sanskrit is known as the mother of languages such as Hindi and an ancient
source of the Indo-European group of languages. Sanskrit is the original
language for sacred Hindu texts such as the Bhagavad Gita. In this study, we
present a framework that evaluates the Google Translate for Sanskrit using the
Bhagavad Gita. We first publish a translation of the Bhagavad Gita in Sanskrit
using Google Translate. Our framework then compares Google Translate version of
Bhagavad Gita with expert translations using sentiment and semantic analysis
via BERT-based language models. Our results indicate that in terms of sentiment
and semantic analysis, there is low level of similarity in selected verses of
Google Translate when compared to expert translations. In the qualitative
evaluation, we find that Google translate is unsuitable for translation of
certain Sanskrit words and phrases due to its poetic nature, contextual
significance, metaphor and imagery. The mistranslations are not surprising
since the Bhagavad Gita is known as a difficult text not only to translate, but
also to interpret since it relies on contextual, philosophical and historical
information. Our framework lays the foundation for automatic evaluation of
other languages by Google Translate | cs.CL | An evaluation of Google Translate for Sanskrit to English translation via sentiment and semantic analysis |
2023-02-28T03:38:26Z | http://arxiv.org/pdf/2302.14286v1 | http://arxiv.org/abs/2302.14286v1 | Jianing Wang, Nuo Chen, Qiushi Sun, Wenkang Huang, Chengyu Wang, Ming Gao | 2023-02-28T03:38:26Z | cs.CL | In this paper, we introduce HugNLP, a unified and comprehensive library for
natural language processing (NLP) with the prevalent backend of HuggingFace
Transformers, which is designed for NLP researchers to easily utilize
off-the-shelf algorithms and develop novel methods with user-defined models and
tasks in real-world scenarios. HugNLP consists of a hierarchical structure
including models, processors and applications that unifies the learning process
of pre-trained language models (PLMs) on different NLP tasks. Additionally, we
present some featured NLP applications to show the effectiveness of HugNLP,
such as knowledge-enhanced PLMs, universal information extraction, low-resource
mining, and code understanding and generation, etc. The source code will be
released on GitHub (https://github.com/wjn1996/HugNLP). | cs.CL | HugNLP: A Unified and Comprehensive Library for Natural Language Processing |
2023-02-28T02:37:30Z | http://arxiv.org/pdf/2302.14261v1 | http://arxiv.org/abs/2302.14261v1 | Xueming Yan, Zhihang Fang, Yaochu Jin | 2023-02-28T02:37:30Z | cs.CL | While vision transformers have been highly successful in improving the
performance in image-based tasks, not much work has been reported on applying
transformers to multilingual scene text recognition due to the complexities in
the visual appearance of multilingual texts. To fill the gap, this paper
proposes an augmented transformer architecture with n-grams embedding and
cross-language rectification (TANGER). TANGER consists of a primary transformer
with single patch embeddings of visual images, and a supplementary transformer
with adaptive n-grams embeddings that aims to flexibly explore the potential
correlations between neighbouring visual patches, which is essential for
feature extraction from multilingual scene texts. Cross-language rectification
is achieved with a loss function that takes into account both language
identification and contextual coherence scoring. Extensive comparative studies
are conducted on four widely used benchmark datasets as well as a new
multilingual scene text dataset containing Indonesian, English, and Chinese
collected from tourism scenes in Indonesia. Our experimental results
demonstrate that TANGER is considerably better compared to the
state-of-the-art, especially in handling complex multilingual scene texts. | cs.CL | Augmented Transformers with Adaptive n-grams Embedding for Multilingual Scene Text Recognition |
2023-02-28T01:32:32Z | http://arxiv.org/pdf/2302.14233v2 | http://arxiv.org/abs/2302.14233v2 | Ruiqi Zhong, Peter Zhang, Steve Li, Jinwoo Ahn, Dan Klein, Jacob Steinhardt | 2023-10-25T00:43:04Z | cs.CL, cs.AI, cs.LG | Mining large corpora can generate useful discoveries but is time-consuming
for humans. We formulate a new task, D5, that automatically discovers
differences between two large corpora in a goal-driven way. The task input is a
problem comprising a research goal "$\textit{comparing the side effects of drug
A and drug B}$" and a corpus pair (two large collections of patients'
self-reported reactions after taking each drug). The output is a language
description (discovery) of how these corpora differ (patients taking drug A
"$\textit{mention feelings of paranoia}$" more often). We build a D5 system,
and to quantitatively measure its performance, we 1) contribute a meta-dataset,
OpenD5, aggregating 675 open-ended problems ranging across business, social
sciences, humanities, machine learning, and health, and 2) propose a set of
unified evaluation metrics: validity, relevance, novelty, and significance.
With the dataset and the unified metrics, we confirm that language models can
use the goals to propose more relevant, novel, and significant candidate
discoveries. Finally, our system produces discoveries previously unknown to the
authors on a wide range of applications in OpenD5, including temporal and
demographic differences in discussion topics, political stances and stereotypes
in speech, insights in commercial reviews, and error patterns in NLP models. | cs.CL | Goal Driven Discovery of Distributional Differences via Language Descriptions |
2023-02-28T01:27:37Z | http://arxiv.org/pdf/2302.14229v4 | http://arxiv.org/abs/2302.14229v4 | Jiaan Wang, Yunlong Liang, Fandong Meng, Beiqi Zou, Zhixu Li, Jianfeng Qu, Jie Zhou | 2023-10-24T15:34:47Z | cs.CL, cs.AI | Given a document in a source language, cross-lingual summarization (CLS) aims
to generate a summary in a different target language. Recently, the emergence
of Large Language Models (LLMs), such as GPT-3.5, ChatGPT and GPT-4, has
attracted wide attention from the computational linguistics community. However,
it is not yet known the performance of LLMs on CLS. In this report, we
empirically use various prompts to guide LLMs to perform zero-shot CLS from
different paradigms (i.e., end-to-end and pipeline), and provide a preliminary
evaluation on the generated summaries. We find that ChatGPT and GPT-4
originally prefer to produce lengthy summaries with detailed information. These
two LLMs can further balance informativeness and conciseness with the help of
an interactive prompt, significantly improving their CLS performance.
Experimental results on three widely-used CLS datasets show that GPT-4 achieves
state-of-the-art zero-shot CLS performance, and performs competitively compared
with the fine-tuned mBART-50. Moreover, we also find some multi-lingual and
bilingual LLMs (i.e., BLOOMZ, ChatGLM-6B, Vicuna-13B and ChatYuan) have limited
zero-shot CLS ability. Due to the composite nature of CLS, which requires
models to perform summarization and translation simultaneously, accomplishing
this task in a zero-shot manner is even a challenge for LLMs. Therefore, we
sincerely hope and recommend future LLM research could use CLS as a testbed. | cs.CL | Zero-Shot Cross-Lingual Summarization via Large Language Models |
2023-02-28T01:07:39Z | http://arxiv.org/pdf/2302.14225v2 | http://arxiv.org/abs/2302.14225v2 | Linhan Zhang, Qian Chen, Wen Wang, Chong Deng, Xin Cao, Kongzhang Hao, Yuxin Jiang, Wei Wang | 2023-05-24T04:31:24Z | cs.CL, cs.AI | Masked Language Modeling (MLM) is widely used to pretrain language models.
The standard random masking strategy in MLM causes the pre-trained language
models (PLMs) to be biased toward high-frequency tokens. Representation
learning of rare tokens is poor and PLMs have limited performance on downstream
tasks. To alleviate this frequency bias issue, we propose two simple and
effective Weighted Sampling strategies for masking tokens based on the token
frequency and training loss. We apply these two strategies to BERT and obtain
Weighted-Sampled BERT (WSBERT). Experiments on the Semantic Textual Similarity
benchmark (STS) show that WSBERT significantly improves sentence embeddings
over BERT. Combining WSBERT with calibration methods and prompt learning
further improves sentence embeddings. We also investigate fine-tuning WSBERT on
the GLUE benchmark and show that Weighted Sampling also improves the transfer
learning capability of the backbone PLM. We further analyze and provide
insights into how WSBERT improves token embeddings. | cs.CL | Weighted Sampling for Masked Language Modeling |
2023-02-28T00:50:19Z | http://arxiv.org/pdf/2302.14220v3 | http://arxiv.org/abs/2302.14220v3 | Lukas Edman, Gabriele Sarti, Antonio Toral, Gertjan van Noord, Arianna Bisazza | 2024-01-26T16:02:53Z | cs.CL | Pretrained character-level and byte-level language models have been shown to
be competitive with popular subword models across a range of Natural Language
Processing (NLP) tasks. However, there has been little research on their
effectiveness for neural machine translation (NMT), particularly within the
popular pretrain-then-finetune paradigm. This work performs an extensive
comparison across multiple languages and experimental conditions of character-
and subword-level pretrained models (ByT5 and mT5, respectively) on NMT. We
show the effectiveness of character-level modeling in translation, particularly
in cases where fine-tuning data is limited. In our analysis, we show how
character models' gains in translation quality are reflected in better
translations of orthographically similar words and rare words. While evaluating
the importance of source texts in driving model predictions, we highlight
word-level patterns within ByT5, suggesting an ability to modulate word-level
and character-level information during generation. We conclude by assessing the
efficiency tradeoff of byte models, suggesting their usage in non-time-critical
scenarios to boost translation quality. | cs.CL | Are Character-level Translations Worth the Wait? Comparing ByT5 and mT5 for Machine Translation |
2023-02-27T22:09:35Z | http://arxiv.org/pdf/2303.00001v1 | http://arxiv.org/abs/2303.00001v1 | Minae Kwon, Sang Michael Xie, Kalesha Bullard, Dorsa Sadigh | 2023-02-27T22:09:35Z | cs.LG, cs.AI, cs.CL | Reward design in reinforcement learning (RL) is challenging since specifying
human notions of desired behavior may be difficult via reward functions or
require many expert demonstrations. Can we instead cheaply design rewards using
a natural language interface? This paper explores how to simplify reward design
by prompting a large language model (LLM) such as GPT-3 as a proxy reward
function, where the user provides a textual prompt containing a few examples
(few-shot) or a description (zero-shot) of the desired behavior. Our approach
leverages this proxy reward function in an RL framework. Specifically, users
specify a prompt once at the beginning of training. During training, the LLM
evaluates an RL agent's behavior against the desired behavior described by the
prompt and outputs a corresponding reward signal. The RL agent then uses this
reward to update its behavior. We evaluate whether our approach can train
agents aligned with user objectives in the Ultimatum Game, matrix games, and
the DealOrNoDeal negotiation task. In all three tasks, we show that RL agents
trained with our framework are well-aligned with the user's objectives and
outperform RL agents trained with reward functions learned via supervised
learning | cs.LG | Reward Design with Language Models |
2023-02-27T22:05:46Z | http://arxiv.org/pdf/2302.14169v1 | http://arxiv.org/abs/2302.14169v1 | Zdeněk Kasner, Ekaterina Garanina, Ondřej Plátek, Ondřej Dušek | 2023-02-27T22:05:46Z | cs.CL | Heterogenity of data-to-text generation datasets limits the research on
data-to-text generation systems. We present TabGenie - a toolkit which enables
researchers to explore, preprocess, and analyze a variety of data-to-text
generation datasets through the unified framework of table-to-text generation.
In TabGenie, all the inputs are represented as tables with associated metadata.
The tables can be explored through the web interface, which also provides an
interactive mode for debugging table-to-text generation, facilitates
side-by-side comparison of generated system outputs, and allows easy exports
for manual analysis. Furthermore, TabGenie is equipped with command line
processing tools and Python bindings for unified dataset loading and
processing. We release TabGenie as a PyPI package and provide its open-source
code and a live demo at https://github.com/kasnerz/tabgenie. | cs.CL | TabGenie: A Toolkit for Table-to-Text Generation |
2023-02-27T20:39:54Z | http://arxiv.org/pdf/2302.14132v1 | http://arxiv.org/abs/2302.14132v1 | Yifan Peng, Kwangyoun Kim, Felix Wu, Prashant Sridhar, Shinji Watanabe | 2023-02-27T20:39:54Z | cs.CL, cs.SD, eess.AS | Self-supervised speech representation learning (SSL) has shown to be
effective in various downstream tasks, but SSL models are usually large and
slow. Model compression techniques such as pruning aim to reduce the model size
and computation without degradation in accuracy. Prior studies focus on the
pruning of Transformers; however, speech models not only utilize a stack of
Transformer blocks, but also combine a frontend network based on multiple
convolutional layers for low-level feature representation learning. This
frontend has a small size but a heavy computational cost. In this work, we
propose three task-specific structured pruning methods to deal with such
heterogeneous networks. Experiments on LibriSpeech and SLURP show that the
proposed method is more accurate than the original wav2vec2-base with 10% to
30% less computation, and is able to reduce the computation by 40% to 50%
without any degradation. | cs.CL | Structured Pruning of Self-Supervised Pre-trained Models for Speech Recognition and Understanding |
2023-02-27T19:53:49Z | http://arxiv.org/pdf/2302.14115v2 | http://arxiv.org/abs/2302.14115v2 | Antoine Yang, Arsha Nagrani, Paul Hongsuck Seo, Antoine Miech, Jordi Pont-Tuset, Ivan Laptev, Josef Sivic, Cordelia Schmid | 2023-03-21T11:01:09Z | cs.CV, cs.AI, cs.CL, cs.LG | In this work, we introduce Vid2Seq, a multi-modal single-stage dense event
captioning model pretrained on narrated videos which are readily-available at
scale. The Vid2Seq architecture augments a language model with special time
tokens, allowing it to seamlessly predict event boundaries and textual
descriptions in the same output sequence. Such a unified model requires
large-scale training data, which is not available in current annotated
datasets. We show that it is possible to leverage unlabeled narrated videos for
dense video captioning, by reformulating sentence boundaries of transcribed
speech as pseudo event boundaries, and using the transcribed speech sentences
as pseudo event captions. The resulting Vid2Seq model pretrained on the
YT-Temporal-1B dataset improves the state of the art on a variety of dense
video captioning benchmarks including YouCook2, ViTT and ActivityNet Captions.
Vid2Seq also generalizes well to the tasks of video paragraph captioning and
video clip captioning, and to few-shot settings. Our code is publicly available
at https://antoyang.github.io/vid2seq.html. | cs.CV | Vid2Seq: Large-Scale Pretraining of a Visual Language Model for Dense Video Captioning |
2023-02-27T18:55:27Z | http://arxiv.org/pdf/2302.14045v2 | http://arxiv.org/abs/2302.14045v2 | Shaohan Huang, Li Dong, Wenhui Wang, Yaru Hao, Saksham Singhal, Shuming Ma, Tengchao Lv, Lei Cui, Owais Khan Mohammed, Barun Patra, Qiang Liu, Kriti Aggarwal, Zewen Chi, Johan Bjorck, Vishrav Chaudhary, Subhojit Som, Xia Song, Furu Wei | 2023-03-01T11:04:51Z | cs.CL, cs.CV | A big convergence of language, multimodal perception, action, and world
modeling is a key step toward artificial general intelligence. In this work, we
introduce Kosmos-1, a Multimodal Large Language Model (MLLM) that can perceive
general modalities, learn in context (i.e., few-shot), and follow instructions
(i.e., zero-shot). Specifically, we train Kosmos-1 from scratch on web-scale
multimodal corpora, including arbitrarily interleaved text and images,
image-caption pairs, and text data. We evaluate various settings, including
zero-shot, few-shot, and multimodal chain-of-thought prompting, on a wide range
of tasks without any gradient updates or finetuning. Experimental results show
that Kosmos-1 achieves impressive performance on (i) language understanding,
generation, and even OCR-free NLP (directly fed with document images), (ii)
perception-language tasks, including multimodal dialogue, image captioning,
visual question answering, and (iii) vision tasks, such as image recognition
with descriptions (specifying classification via text instructions). We also
show that MLLMs can benefit from cross-modal transfer, i.e., transfer knowledge
from language to multimodal, and from multimodal to language. In addition, we
introduce a dataset of Raven IQ test, which diagnoses the nonverbal reasoning
capability of MLLMs. | cs.CL | Language Is Not All You Need: Aligning Perception with Language Models |
2023-02-27T18:47:55Z | http://arxiv.org/pdf/2302.14036v2 | http://arxiv.org/abs/2302.14036v2 | Vladimir Bataev, Roman Korostik, Evgeny Shabalin, Vitaly Lavrukhin, Boris Ginsburg | 2023-08-16T12:03:47Z | eess.AS, cs.CL, cs.LG, cs.SD | We propose an end-to-end Automatic Speech Recognition (ASR) system that can
be trained on transcribed speech data, text-only data, or a mixture of both.
The proposed model uses an integrated auxiliary block for text-based training.
This block combines a non-autoregressive multi-speaker text-to-mel-spectrogram
generator with a GAN-based enhancer to improve the spectrogram quality. The
proposed system can generate a mel-spectrogram dynamically during training. It
can be used to adapt the ASR model to a new domain by using text-only data from
this domain. We demonstrate that the proposed training method significantly
improves ASR accuracy compared to the system trained on transcribed speech
only. It also surpasses cascade TTS systems with the vocoder in the adaptation
quality and training speed. | eess.AS | Text-only domain adaptation for end-to-end ASR using integrated text-to-mel-spectrogram generator |
2023-02-27T18:45:18Z | http://arxiv.org/pdf/2302.14035v1 | http://arxiv.org/abs/2302.14035v1 | Aleksandra Piktus, Christopher Akiki, Paulo Villegas, Hugo Laurençon, Gérard Dupont, Alexandra Sasha Luccioni, Yacine Jernite, Anna Rogers | 2023-02-27T18:45:18Z | cs.CL, cs.AI | ROOTS is a 1.6TB multilingual text corpus developed for the training of
BLOOM, currently the largest language model explicitly accompanied by
commensurate data governance efforts. In continuation of these efforts, we
present the ROOTS Search Tool: a search engine over the entire ROOTS corpus
offering both fuzzy and exact search capabilities. ROOTS is the largest corpus
to date that can be investigated this way. The ROOTS Search Tool is
open-sourced and available on Hugging Face Spaces. We describe our
implementation and the possible use cases of our tool. | cs.CL | The ROOTS Search Tool: Data Transparency for LLMs |
2023-02-27T18:41:48Z | http://arxiv.org/pdf/2302.14030v3 | http://arxiv.org/abs/2302.14030v3 | Allen Chang, Xiaoyuan Zhu, Aarav Monga, Seoho Ahn, Tejas Srinivasan, Jesse Thomason | 2023-10-09T22:19:02Z | cs.CL, cs.SD, eess.AS | Benchmarks for language-guided embodied agents typically assume text-based
instructions, but deployed agents will encounter spoken instructions. While
Automatic Speech Recognition (ASR) models can bridge the input gap, erroneous
ASR transcripts can hurt the agents' ability to complete tasks. In this work,
we propose training a multimodal ASR model to reduce errors in transcribing
spoken instructions by considering the accompanying visual context. We train
our model on a dataset of spoken instructions, synthesized from the ALFRED task
completion dataset, where we simulate acoustic noise by systematically masking
spoken words. We find that utilizing visual observations facilitates masked
word recovery, with multimodal ASR models recovering up to 30% more masked
words than unimodal baselines. We also find that a text-trained embodied agent
successfully completes tasks more often by following transcribed instructions
from multimodal ASR models. github.com/Cylumn/embodied-multimodal-asr | cs.CL | Multimodal Speech Recognition for Language-Guided Embodied Agents |
2023-02-27T18:27:42Z | http://arxiv.org/pdf/2302.14022v1 | http://arxiv.org/abs/2302.14022v1 | Hanan Aldarmaki, Ahmad Ghannam | 2023-02-27T18:27:42Z | cs.CL | We present an analysis of diacritic recognition performance in Arabic
Automatic Speech Recognition (ASR) systems. As most existing Arabic speech
corpora do not contain all diacritical marks, which represent short vowels and
other phonetic information in Arabic script, current state-of-the-art ASR
models do not produce full diacritization in their output. Automatic text-based
diacritization has previously been employed both as a pre-processing step to
train diacritized ASR, or as a post-processing step to diacritize the resulting
ASR hypotheses. It is generally believed that input diacritization degrades ASR
performance, but no systematic evaluation of ASR diacritization performance,
independent of ASR performance, has been conducted to date. In this paper, we
attempt to experimentally clarify whether input diacritiztation indeed degrades
ASR quality, and to compare the diacritic recognition performance against
text-based diacritization as a post-processing step. We start with pre-trained
Arabic ASR models and fine-tune them on transcribed speech data with different
diacritization conditions: manual, automatic, and no diacritization. We isolate
diacritic recognition performance from the overall ASR performance using
coverage and precision metrics. We find that ASR diacritization significantly
outperforms text-based diacritization in post-processing, particularly when the
ASR model is fine-tuned with manually diacritized transcripts. | cs.CL | Diacritic Recognition Performance in Arabic ASR |
2023-02-27T18:25:19Z | http://arxiv.org/pdf/2302.14021v1 | http://arxiv.org/abs/2302.14021v1 | Gonçalo Azevedo Mendes, Bruno Martins | 2023-02-27T18:25:19Z | cs.CL, cs.AI, cs.IR | The analysis of emotions expressed in text has numerous applications. In
contrast to categorical analysis, focused on classifying emotions according to
a pre-defined set of common classes, dimensional approaches can offer a more
nuanced way to distinguish between different emotions. Still, dimensional
methods have been less studied in the literature. Considering a valence-arousal
dimensional space, this work assesses the use of pre-trained Transformers to
predict these two dimensions on a continuous scale, with input texts from
multiple languages and domains. We specifically combined multiple annotated
datasets from previous studies, corresponding to either emotional lexica or
short text documents, and evaluated models of multiple sizes and trained under
different settings. Our results show that model size can have a significant
impact on the quality of predictions, and that by fine-tuning a large model we
can confidently predict valence and arousal in multiple languages. We make
available the code, models, and supporting data. | cs.CL | Quantifying Valence and Arousal in Text with Multilingual Pre-trained Transformers |
2023-02-27T18:18:13Z | http://arxiv.org/pdf/2302.14017v1 | http://arxiv.org/abs/2302.14017v1 | Sehoon Kim, Coleman Hooper, Thanakul Wattanawong, Minwoo Kang, Ruohan Yan, Hasan Genc, Grace Dinh, Qijing Huang, Kurt Keutzer, Michael W. Mahoney, Yakun Sophia Shao, Amir Gholami | 2023-02-27T18:18:13Z | cs.CL, cs.LG | Recent advances in state-of-the-art DNN architecture design have been moving
toward Transformer models. These models achieve superior accuracy across a wide
range of applications. This trend has been consistent over the past several
years since Transformer models were originally introduced. However, the amount
of compute and bandwidth required for inference of recent Transformer models is
growing at a significant rate, and this has made their deployment in
latency-sensitive applications challenging. As such, there has been an
increased focus on making Transformer models more efficient, with methods that
range from changing the architecture design, all the way to developing
dedicated domain-specific accelerators. In this work, we survey different
approaches for efficient Transformer inference, including: (i) analysis and
profiling of the bottlenecks in existing Transformer architectures and their
similarities and differences with previous convolutional models; (ii)
implications of Transformer architecture on hardware, including the impact of
non-linear operations such as Layer Normalization, Softmax, and GELU, as well
as linear operations, on hardware design; (iii) approaches for optimizing a
fixed Transformer architecture; (iv) challenges in finding the right mapping
and scheduling of operations for Transformer models; and (v) approaches for
optimizing Transformer models by adapting the architecture using neural
architecture search. Finally, we perform a case study by applying the surveyed
optimizations on Gemmini, the open-source, full-stack DNN accelerator
generator, and we show how each of these approaches can yield improvements,
compared to previous benchmark results on Gemmini. Among other things, we find
that a full-stack co-design approach with the aforementioned methods can result
in up to 88.7x speedup with a minimal performance degradation for Transformer
inference. | cs.CL | Full Stack Optimization of Transformer Inference: a Survey |
2023-02-27T17:47:53Z | http://arxiv.org/pdf/2302.14003v1 | http://arxiv.org/abs/2302.14003v1 | Meng Cao, Mehdi Fatemi, Jackie Chi Kit Cheung, Samira Shabanian | 2023-02-27T17:47:53Z | cs.CL, cs.AI, cs.LG | With adversarial or otherwise normal prompts, existing large language models
(LLM) can be pushed to generate toxic discourses. One way to reduce the risk of
LLMs generating undesired discourses is to alter the training of the LLM. This
can be very restrictive due to demanding computation requirements. Other
methods rely on rule-based or prompt-based token elimination, which are limited
as they dismiss future tokens and the overall meaning of the complete
discourse. Here, we center detoxification on the probability that the finished
discourse is ultimately considered toxic. That is, at each point, we advise
against token selections proportional to how likely a finished text from this
point will be toxic. To this end, we formally extend the dead-end theory from
the recent reinforcement learning (RL) literature to also cover uncertain
outcomes. Our approach, called rectification, utilizes a separate but
significantly smaller model for detoxification, which can be applied to diverse
LLMs as long as they share the same vocabulary. Importantly, our method does
not require access to the internal representations of the LLM, but only the
token probability distribution at each decoding step. This is crucial as many
LLMs today are hosted in servers and only accessible through APIs. When applied
to various LLMs, including GPT-3, our approach significantly improves the
generated discourse compared to the base LLMs and other techniques in terms of
both the overall language and detoxification performance. | cs.CL | Systematic Rectification of Language Models via Dead-end Analysis |
2023-02-27T17:11:15Z | http://arxiv.org/pdf/2302.13971v1 | http://arxiv.org/abs/2302.13971v1 | Hugo Touvron, Thibaut Lavril, Gautier Izacard, Xavier Martinet, Marie-Anne Lachaux, Timothée Lacroix, Baptiste Rozière, Naman Goyal, Eric Hambro, Faisal Azhar, Aurelien Rodriguez, Armand Joulin, Edouard Grave, Guillaume Lample | 2023-02-27T17:11:15Z | cs.CL | We introduce LLaMA, a collection of foundation language models ranging from
7B to 65B parameters. We train our models on trillions of tokens, and show that
it is possible to train state-of-the-art models using publicly available
datasets exclusively, without resorting to proprietary and inaccessible
datasets. In particular, LLaMA-13B outperforms GPT-3 (175B) on most benchmarks,
and LLaMA-65B is competitive with the best models, Chinchilla-70B and
PaLM-540B. We release all our models to the research community. | cs.CL | LLaMA: Open and Efficient Foundation Language Models |
2023-02-27T17:00:06Z | http://arxiv.org/pdf/2302.13959v2 | http://arxiv.org/abs/2302.13959v2 | Irina Bejan, Artem Sokolov, Katja Filippova | 2023-10-17T16:03:05Z | cs.CL | Increasingly larger datasets have become a standard ingredient to advancing
the state-of-the-art in NLP. However, data quality might have already become
the bottleneck to unlock further gains. Given the diversity and the sizes of
modern datasets, standard data filtering is not straight-forward to apply,
because of the multifacetedness of the harmful data and elusiveness of
filtering rules that would generalize across multiple tasks. We study the
fitness of task-agnostic self-influence scores of training examples for data
cleaning, analyze their efficacy in capturing naturally occurring outliers, and
investigate to what extent self-influence based data cleaning can improve
downstream performance in machine translation, question answering and text
classification, building up on recent approaches to self-influence calculation
and automated curriculum learning. | cs.CL | Make Every Example Count: On the Stability and Utility of Self-Influence for Learning from Noisy NLP Datasets |
2023-02-27T16:45:50Z | http://arxiv.org/pdf/2302.13942v3 | http://arxiv.org/abs/2302.13942v3 | Gabriele Sarti, Nils Feldhus, Ludwig Sickert, Oskar van der Wal, Malvina Nissim, Arianna Bisazza | 2023-05-27T09:41:37Z | cs.CL, cs.AI, cs.HC, cs.LG | Past work in natural language processing interpretability focused mainly on
popular classification tasks while largely overlooking generation settings,
partly due to a lack of dedicated tools. In this work, we introduce Inseq, a
Python library to democratize access to interpretability analyses of sequence
generation models. Inseq enables intuitive and optimized extraction of models'
internal information and feature importance scores for popular decoder-only and
encoder-decoder Transformers architectures. We showcase its potential by
adopting it to highlight gender biases in machine translation models and locate
factual knowledge inside GPT-2. Thanks to its extensible interface supporting
cutting-edge techniques such as contrastive feature attribution, Inseq can
drive future advances in explainable natural language generation, centralizing
good practices and enabling fair and reproducible model evaluations. | cs.CL | Inseq: An Interpretability Toolkit for Sequence Generation Models |
2023-02-27T16:43:04Z | http://arxiv.org/pdf/2302.13939v4 | http://arxiv.org/abs/2302.13939v4 | Rui-Jie Zhu, Qihang Zhao, Guoqi Li, Jason K. Eshraghian | 2023-06-27T02:55:23Z | cs.CL, cs.LG, cs.NE | As the size of large language models continue to scale, so does the
computational resources required to run it. Spiking Neural Networks (SNNs) have
emerged as an energy-efficient approach to deep learning that leverage sparse
and event-driven activations to reduce the computational overhead associated
with model inference. While they have become competitive with non-spiking
models on many computer vision tasks, SNNs have also proven to be more
challenging to train. As a result, their performance lags behind modern deep
learning, and we are yet to see the effectiveness of SNNs in language
generation. In this paper, inspired by the Receptance Weighted Key Value (RWKV)
language model, we successfully implement `SpikeGPT', a generative language
model with binary, event-driven spiking activation units. We train the proposed
model on two model variants: 45M and 216M parameters. To the best of our
knowledge, SpikeGPT is the largest backpropagation-trained SNN model to date,
rendering it suitable for both the generation and comprehension of natural
language. We achieve this by modifying the transformer block to replace
multi-head self attention to reduce quadratic computational complexity O(N^2)
to linear complexity O(N) with increasing sequence length. Input tokens are
instead streamed in sequentially to our attention mechanism (as with typical
SNNs). Our preliminary experiments show that SpikeGPT remains competitive with
non-spiking models on tested benchmarks, while maintaining 20x fewer operations
when processed on neuromorphic hardware that can leverage sparse, event-driven
activations. | cs.CL | SpikeGPT: Generative Pre-trained Language Model with Spiking Neural Networks |
2023-02-27T16:23:11Z | http://arxiv.org/pdf/2302.13925v2 | http://arxiv.org/abs/2302.13925v2 | Christian Fang, Qixiang Fang, Dong Nguyen | 2023-05-18T20:43:55Z | cs.CL, cs.CY | We describe our experiments for SemEval-2023 Task 4 on the identification of
human values behind arguments (ValueEval). Because human values are subjective
concepts which require precise definitions, we hypothesize that incorporating
the definitions of human values (in the form of annotation instructions and
validated survey items) during model training can yield better prediction
performance. We explore this idea and show that our proposed models perform
better than the challenge organizers' baselines, with improvements in macro F1
scores of up to 18%. | cs.CL | Epicurus at SemEval-2023 Task 4: Improving Prediction of Human Values behind Arguments by Leveraging Their Definitions |
2023-02-27T15:54:57Z | http://arxiv.org/pdf/2302.12832v2 | http://arxiv.org/abs/2302.12832v2 | Zijian Ding, Arvind Srinivasan, Stephen MacNeil, Joel Chan | 2023-06-02T02:31:38Z | cs.CL, cs.AI | Cross-domain analogical reasoning is a core creative ability that can be
challenging for humans. Recent work has shown some proofs-of concept of Large
language Models' (LLMs) ability to generate cross-domain analogies. However,
the reliability and potential usefulness of this capacity for augmenting human
creative work has received little systematic exploration. In this paper, we
systematically explore LLMs capacity to augment cross-domain analogical
reasoning. Across three studies, we found: 1) LLM-generated cross-domain
analogies were frequently judged as helpful in the context of a problem
reformulation task (median 4 out of 5 helpfulness rating), and frequently (~80%
of cases) led to observable changes in problem formulations, and 2) there was
an upper bound of 25% of outputs bring rated as potentially harmful, with a
majority due to potentially upsetting content, rather than biased or toxic
content. These results demonstrate the potential utility -- and risks -- of
LLMs for augmenting cross-domain analogical creativity. | cs.CL | Fluid Transformers and Creative Analogies: Exploring Large Language Models' Capacity for Augmenting Cross-Domain Analogical Creativity |
2023-02-27T15:52:31Z | http://arxiv.org/pdf/2302.13906v1 | http://arxiv.org/abs/2302.13906v1 | Pranjal Srivastava, Pranav Bhatnagar, Anurag Goel | 2023-02-27T15:52:31Z | cs.CL, cs.AI | Argument mining automatically identifies and extracts the structure of
inference and reasoning conveyed in natural language arguments. To the best of
our knowledge, most of the state-of-the-art works in this field have focused on
using tree-like structures and linguistic modeling. But, these approaches are
not able to model more complex structures which are often found in online
forums and real world argumentation structures. In this paper, a novel
methodology for argument mining is proposed which employs attention-based
embeddings for link prediction to model the causational hierarchies in typical
argument structures prevalent in online discourse. | cs.CL | Argument Mining using BERT and Self-Attention based Embeddings |
2023-02-27T14:26:29Z | http://arxiv.org/pdf/2302.13817v4 | http://arxiv.org/abs/2302.13817v4 | Sakib Shahriar, Kadhim Hayawi | 2023-08-09T16:17:08Z | cs.CL, cs.AI | The emergence of an AI-powered chatbot that can generate human-like sentences
and write coherent essays has caught the world's attention. This paper
discusses the historical overview of chatbots and the technology behind Chat
Generative Pre-trained Transformer, better known as ChatGPT. Moreover,
potential applications of ChatGPT in various domains, including healthcare,
education, and research, are highlighted. Despite promising results, there are
several privacy and ethical concerns surrounding ChatGPT. In addition, we
highlight some of the important limitations of the current version of ChatGPT.
We also ask ChatGPT to provide its point of view and present its responses to
several questions we attempt to answer. | cs.CL | Let's have a chat! A Conversation with ChatGPT: Technology, Applications, and Limitations |
2023-02-27T13:26:17Z | http://arxiv.org/pdf/2302.13750v1 | http://arxiv.org/abs/2302.13750v1 | Yoohwan Kwon, Soo-Whan Chung | 2023-02-27T13:26:17Z | eess.AS, cs.CL, cs.SD | Multi-lingual speech recognition aims to distinguish linguistic expressions
in different languages and integrate acoustic processing simultaneously. In
contrast, current multi-lingual speech recognition research follows a
language-aware paradigm, mainly targeted to improve recognition performance
rather than discriminate language characteristics. In this paper, we present a
multi-lingual speech recognition network named
Mixture-of-Language-Expert(MoLE), which digests speech in a variety of
languages. Specifically, MoLE analyzes linguistic expression from input speech
in arbitrary languages, activating a language-specific expert with a
lightweight language tokenizer. The tokenizer not only activates experts, but
also estimates the reliability of the activation. Based on the reliability, the
activated expert and the language-agnostic expert are aggregated to represent
language-conditioned embedding for efficient speech recognition. Our proposed
model is evaluated in 5 languages scenario, and the experimental results show
that our structure is advantageous on multi-lingual recognition, especially for
speech in low-resource language. | eess.AS | MoLE : Mixture of Language Experts for Multi-Lingual Automatic Speech Recognition |
2023-02-27T13:06:58Z | http://arxiv.org/pdf/2302.13741v2 | http://arxiv.org/abs/2302.13741v2 | Zhengqing Yuan, Huiwen Xue, Chao Zhang, Yongming Liu | 2023-04-13T07:35:54Z | cs.DC, cs.CL | Large deep learning models have shown great potential for delivering
exceptional results in various applications. However, the training process can
be incredibly challenging due to the models' vast parameter sizes, often
consisting of hundreds of billions of parameters. Common distributed training
methods, such as data parallelism, tensor parallelism, and pipeline
parallelism, demand significant data communication throughout the process,
leading to prolonged wait times for some machines in physically distant
distributed systems. To address this issue, we propose a novel solution called
Hulk, which utilizes a modified graph neural network to optimize distributed
computing systems. Hulk not only optimizes data communication efficiency
between different countries or even different regions within the same city, but
also provides optimal distributed deployment of models in parallel. For
example, it can place certain layers on a machine in a specific region or pass
specific parameters of a model to a machine in a particular location. By using
Hulk in experiments, we were able to improve the time efficiency of training
large deep learning models on distributed systems by more than 20\%. Our open
source collection of unlabeled data:https://github.com/DLYuanGod/Hulk. | cs.DC | Hulk: Graph Neural Networks for Optimizing Regionally Distributed Computing Systems |
2023-02-27T11:48:54Z | http://arxiv.org/pdf/2302.14638v1 | http://arxiv.org/abs/2302.14638v1 | Weidong Chen, Xiaofen Xing, Xiangmin Xu, Jianxin Pang, Lan Du | 2023-02-27T11:48:54Z | eess.AS, cs.CL, cs.SD | Paralinguistic speech processing is important in addressing many issues, such
as sentiment and neurocognitive disorder analyses. Recently, Transformer has
achieved remarkable success in the natural language processing field and has
demonstrated its adaptation to speech. However, previous works on Transformer
in the speech field have not incorporated the properties of speech, leaving the
full potential of Transformer unexplored. In this paper, we consider the
characteristics of speech and propose a general structure-based framework,
called SpeechFormer++, for paralinguistic speech processing. More concretely,
following the component relationship in the speech signal, we design a unit
encoder to model the intra- and inter-unit information (i.e., frames, phones,
and words) efficiently. According to the hierarchical relationship, we utilize
merging blocks to generate features at different granularities, which is
consistent with the structural pattern in the speech signal. Moreover, a word
encoder is introduced to integrate word-grained features into each unit
encoder, which effectively balances fine-grained and coarse-grained
information. SpeechFormer++ is evaluated on the speech emotion recognition
(IEMOCAP & MELD), depression classification (DAIC-WOZ) and Alzheimer's disease
detection (Pitt) tasks. The results show that SpeechFormer++ outperforms the
standard Transformer while greatly reducing the computational cost.
Furthermore, it delivers superior results compared to the state-of-the-art
approaches. | eess.AS | SpeechFormer++: A Hierarchical Efficient Framework for Paralinguistic Speech Processing |
2023-02-27T11:09:19Z | http://arxiv.org/pdf/2302.14062v1 | http://arxiv.org/abs/2302.14062v1 | Xiaoliang Wu, Peter Bell, Ajitha Rajan | 2023-02-27T11:09:19Z | cs.SD, cs.AI, cs.CL, cs.LG, eess.AS | We address quality assessment for neural network based ASR by providing
explanations that help increase our understanding of the system and ultimately
help build trust in the system. Compared to simple classification labels,
explaining transcriptions is more challenging as judging their correctness is
not straightforward and transcriptions as a variable-length sequence is not
handled by existing interpretable machine learning models. We provide an
explanation for an ASR transcription as a subset of audio frames that is both a
minimal and sufficient cause of the transcription. To do this, we adapt
existing explainable AI (XAI) techniques from image classification-Statistical
Fault Localisation(SFL) and Causal. Additionally, we use an adapted version of
Local Interpretable Model-Agnostic Explanations (LIME) for ASR as a baseline in
our experiments. We evaluate the quality of the explanations generated by the
proposed techniques over three different ASR ,Google API, the baseline model of
Sphinx, Deepspeech and 100 audio samples from the Commonvoice dataset. | cs.SD | Explanations for Automatic Speech Recognition |
2023-02-27T10:59:08Z | http://arxiv.org/pdf/2302.13661v1 | http://arxiv.org/abs/2302.13661v1 | Dekai Sun, Yancheng He, Jiqing Han | 2023-02-27T10:59:08Z | cs.CL, cs.SD, eess.AS | The lack of data and the difficulty of multimodal fusion have always been
challenges for multimodal emotion recognition (MER). In this paper, we propose
to use pretrained models as upstream network, wav2vec 2.0 for audio modality
and BERT for text modality, and finetune them in downstream task of MER to cope
with the lack of data. For the difficulty of multimodal fusion, we use a
K-layer multi-head attention mechanism as a downstream fusion module. Starting
from the MER task itself, we design two auxiliary tasks to alleviate the
insufficient fusion between modalities and guide the network to capture and
align emotion-related features. Compared to the previous state-of-the-art
models, we achieve a better performance by 78.42% Weighted Accuracy (WA) and
79.71% Unweighted Accuracy (UA) on the IEMOCAP dataset. | cs.CL | Using Auxiliary Tasks In Multimodal Fusion Of Wav2vec 2.0 And BERT For Multimodal Emotion Recognition |
2023-02-27T10:40:41Z | http://arxiv.org/pdf/2302.13652v1 | http://arxiv.org/abs/2302.13652v1 | Dong Yang, Tomoki Koriyama, Yuki Saito, Takaaki Saeki, Detai Xin, Hiroshi Saruwatari | 2023-02-27T10:40:41Z | eess.AS, cs.CL, cs.LG, cs.SD | Pause insertion, also known as phrase break prediction and phrasing, is an
essential part of TTS systems because proper pauses with natural duration
significantly enhance the rhythm and intelligibility of synthetic speech.
However, conventional phrasing models ignore various speakers' different styles
of inserting silent pauses, which can degrade the performance of the model
trained on a multi-speaker speech corpus. To this end, we propose more powerful
pause insertion frameworks based on a pre-trained language model. Our approach
uses bidirectional encoder representations from transformers (BERT) pre-trained
on a large-scale text corpus, injecting speaker embedding to capture various
speaker characteristics. We also leverage duration-aware pause insertion for
more natural multi-speaker TTS. We develop and evaluate two types of models.
The first improves conventional phrasing models on the position prediction of
respiratory pauses (RPs), i.e., silent pauses at word transitions without
punctuation. It performs speaker-conditioned RP prediction considering
contextual information and is used to demonstrate the effect of speaker
information on the prediction. The second model is further designed for
phoneme-based TTS models and performs duration-aware pause insertion,
predicting both RPs and punctuation-indicated pauses (PIPs) that are
categorized by duration. The evaluation results show that our models improve
the precision and recall of pause insertion and the rhythm of synthetic speech. | eess.AS | Duration-aware pause insertion using pre-trained language model for multi-speaker text-to-speech |
2023-02-27T09:47:55Z | http://arxiv.org/pdf/2302.13625v1 | http://arxiv.org/abs/2302.13625v1 | Marie Stará, Pavel Rychlý, Aleš Horák | 2023-02-27T09:47:55Z | cs.CL | Preparing exact and comprehensive word meaning explanations is one of the key
steps in the process of monolingual dictionary writing. In standard
methodology, the explanations need an expert lexicographer who spends a
substantial amount of time checking the consistency between the descriptive
text and corpus evidence. In the following text, we present a new tool that
derives explanations automatically based on collective information from very
large corpora, particularly on word sketches. We also propose a quantitative
evaluation of the constructed explanations, concentrating on explanations of
nouns. The methodology is to a certain extent language independent; however,
the presented verification is limited to Czech and English. We show that the
presented approach allows to create explanations that contain data useful for
understanding the word meaning in approximately 90% of cases. However, in many
cases, the result requires post-editing to remove redundant information. | cs.CL | Evaluation of Automatically Constructed Word Meaning Explanations |
2023-02-27T09:40:41Z | http://arxiv.org/pdf/2302.13619v2 | http://arxiv.org/abs/2302.13619v2 | Nuo Chen, Hongguang Li, Junqing He, Yinan Bao, Xinshi Lin, Qi Yang, Jianfeng Liu, Ruyi Gan, Jiaxing Zhang, Baoyuan Wang, Jia Li | 2023-10-13T12:13:21Z | cs.CL, cs.AI | The conversational machine reading comprehension (CMRC) task aims to answer
questions in conversations, which has been a hot research topic in recent years
because of its wide applications. However, existing CMRC benchmarks in which
each conversation is assigned a static passage are inconsistent with real
scenarios. Thus, model's comprehension ability towards real scenarios are hard
to evaluate reasonably. To this end, we propose the first Chinese CMRC
benchmark Orca and further provide zero-shot/few-shot settings to evaluate
model's generalization ability towards diverse domains. We collect 831
hot-topic driven conversations with 4,742 turns in total. Each turn of a
conversation is assigned with a response-related passage, aiming to evaluate
model's comprehension ability more reasonably. The topics of conversations are
collected from social media platform and cover 33 domains, trying to be
consistent with real scenarios. Importantly, answers in Orca are all
well-annotated natural responses rather than the specific spans or short phrase
in previous datasets. Besides, we implement three strong baselines to tackle
the challenge in Orca. The results indicate the great challenge of our CMRC
benchmark. Our datatset and checkpoints are available at
https://github.com/nuochenpku/Orca. | cs.CL | Orca: A Few-shot Benchmark for Chinese Conversational Machine Reading Comprehension |
2023-02-27T09:20:00Z | http://arxiv.org/pdf/2302.13610v2 | http://arxiv.org/abs/2302.13610v2 | Guanting Dong, Zechen Wang, Liwen Wang, Daichi Guo, Dayuan Fu, Yuxiang Wu, Chen Zeng, Xuefeng Li, Tingfeng Hui, Keqing He, Xinyue Cui, Qixiang Gao, Weiran Xu | 2023-04-12T06:10:11Z | cs.CL | Few-shot named entity recognition (NER) aims at identifying named entities
based on only few labeled instances. Most existing prototype-based sequence
labeling models tend to memorize entity mentions which would be easily confused
by close prototypes. In this paper, we proposed a Prototypical Semantic
Decoupling method via joint Contrastive learning (PSDC) for few-shot NER.
Specifically, we decouple class-specific prototypes and contextual semantic
prototypes by two masking strategies to lead the model to focus on two
different semantic information for inference. Besides, we further introduce
joint contrastive learning objectives to better integrate two kinds of
decoupling information and prevent semantic collapse. Experimental results on
two few-shot NER benchmarks demonstrate that PSDC consistently outperforms the
previous SOTA methods in terms of overall performance. Extensive analysis
further validates the effectiveness and generalization of PSDC. | cs.CL | A Prototypical Semantic Decoupling Method via Joint Contrastive Learning for Few-Shot Name Entity Recognition |
2023-02-27T08:42:30Z | http://arxiv.org/pdf/2302.13584v1 | http://arxiv.org/abs/2302.13584v1 | Daichi Guo, Guanting Dong, Dayuan Fu, Yuxiang Wu, Chen Zeng, Tingfeng Hui, Liwen Wang, Xuefeng Li, Zechen Wang, Keqing He, Xinyue Cui, Weiran Xu | 2023-02-27T08:42:30Z | cs.CL | In real dialogue scenarios, the existing slot filling model, which tends to
memorize entity patterns, has a significantly reduced generalization facing
Out-of-Vocabulary (OOV) problems. To address this issue, we propose an OOV
robust slot filling model based on multi-level data augmentations to solve the
OOV problem from both word and slot perspectives. We present a unified
contrastive learning framework, which pull representations of the origin sample
and augmentation samples together, to make the model resistant to OOV problems.
We evaluate the performance of the model from some specific slots and carefully
design test data with OOV word perturbation to further demonstrate the
effectiveness of OOV words. Experiments on two datasets show that our approach
outperforms the previous sota methods in terms of both OOV slots and words. | cs.CL | Revisit Out-Of-Vocabulary Problem for Slot Filling: A Unified Contrastive Frameword with Multi-level Data Augmentations |
2023-02-27T08:21:14Z | http://arxiv.org/pdf/2302.13574v1 | http://arxiv.org/abs/2302.13574v1 | Wenhao Zhu, Qianfeng Zhao, Yunzhe Lv, Shujian Huang, Siheng Zhao, Sizhe Liu, Jiajun Chen | 2023-02-27T08:21:14Z | cs.CL | Augmenting the base neural model with a token-level symbolic datastore is a
novel generation paradigm and has achieved promising results in machine
translation (MT). In this paper, we introduce a unified framework kNN-BOX,
which enables quick development and interactive analysis for this novel
paradigm. kNN-BOX decomposes the datastore-augmentation approach into three
modules: datastore, retriever and combiner, thus putting diverse kNN generation
methods into a unified way. Currently, kNN-BOX has provided implementation of
seven popular kNN-MT variants, covering research from performance enhancement
to efficiency optimization. It is easy for users to reproduce these existing
works or customize their own models. Besides, users can interact with their kNN
generation systems with kNN-BOX to better understand the underlying inference
process in a visualized way. In the experiment section, we apply kNN-BOX for
machine translation and three other seq2seq generation tasks, namely, text
simplification, paraphrase generation and question generation. Experiment
results show that augmenting the base neural model with kNN-BOX leads to a
large performance improvement in all these tasks. The code and document of
kNN-BOX is available at https://github.com/NJUNLP/knn-box. | cs.CL | kNN-BOX: A Unified Framework for Nearest Neighbor Generation |
2023-02-27T08:06:04Z | http://arxiv.org/pdf/2303.00091v1 | http://arxiv.org/abs/2303.00091v1 | Jaeyoung Huh, Sangjoon Park, Jeong Eun Lee, Jong Chul Ye | 2023-02-27T08:06:04Z | eess.AS, cs.AI, cs.CL, cs.CV, cs.SD, eess.IV | Automatic Speech Recognition (ASR) is a technology that converts spoken words
into text, facilitating interaction between humans and machines. One of the
most common applications of ASR is Speech-To-Text (STT) technology, which
simplifies user workflows by transcribing spoken words into text. In the
medical field, STT has the potential to significantly reduce the workload of
clinicians who rely on typists to transcribe their voice recordings. However,
developing an STT model for the medical domain is challenging due to the lack
of sufficient speech and text datasets. To address this issue, we propose a
medical-domain text correction method that modifies the output text of a
general STT system using the Vision Language Pre-training (VLP) method. VLP
combines textual and visual information to correct text based on image
knowledge. Our extensive experiments demonstrate that the proposed method
offers quantitatively and clinically significant improvements in STT
performance in the medical field. We further show that multi-modal
understanding of image and text information outperforms single-modal
understanding using only text information. | eess.AS | Improving Medical Speech-to-Text Accuracy with Vision-Language Pre-training Model |
2023-02-27T06:58:19Z | http://arxiv.org/pdf/2303.09314v2 | http://arxiv.org/abs/2303.09314v2 | Linhao Zhang, Li Jin, Xian Sun, Guangluan Xu, Zequn Zhang, Xiaoyu Li, Nayu Liu, Qing Liu, Shiyao Yan | 2023-04-24T09:23:25Z | cs.CL, cs.AI, cs.MM | Multimodal hate detection, which aims to identify harmful content online such
as memes, is crucial for building a wholesome internet environment. Previous
work has made enlightening exploration in detecting explicit hate remarks.
However, most of their approaches neglect the analysis of implicit harm, which
is particularly challenging as explicit text markers and demographic visual
cues are often twisted or missing. The leveraged cross-modal attention
mechanisms also suffer from the distributional modality gap and lack logical
interpretability. To address these semantic gaps issues, we propose TOT: a
topology-aware optimal transport framework to decipher the implicit harm in
memes scenario, which formulates the cross-modal aligning problem as solutions
for optimal transportation plans. Specifically, we leverage an optimal
transport kernel method to capture complementary information from multiple
modalities. The kernel embedding provides a non-linear transformation ability
to reproduce a kernel Hilbert space (RKHS), which reflects significance for
eliminating the distributional modality gap. Moreover, we perceive the topology
information based on aligned representations to conduct bipartite graph path
reasoning. The newly achieved state-of-the-art performance on two publicly
available benchmark datasets, together with further visual analysis,
demonstrate the superiority of TOT in capturing implicit cross-modal alignment. | cs.CL | TOT: Topology-Aware Optimal Transport For Multimodal Hate Detection |
2023-02-27T06:32:45Z | http://arxiv.org/pdf/2302.13539v3 | http://arxiv.org/abs/2302.13539v3 | Xiaonan Li, Xipeng Qiu | 2023-10-09T02:39:04Z | cs.CL | Additionally, the strong dependency among in-context examples makes it an
NP-hard combinatorial optimization problem and enumerating all permutations is
infeasible. Hence we propose LENS, a fiLter-thEN-Search method to tackle this
challenge in two stages: First we filter the dataset to obtain informative
in-context examples individually. Specifically, we propose a novel metric,
InfoScore, to evaluate the example's in-context informativeness based on the
language model's feedback, and further propose a progressive filtering process
to filter out uninformative examples. Then we propose diversity-guided example
search which iteratively refines and evaluates the selected example
permutations, to find examples that fully depict the task. The experimental
results show that LENS significantly outperforms a wide range of baselines. | cs.CL | Finding Support Examples for In-Context Learning |
2023-02-27T04:24:13Z | http://arxiv.org/pdf/2302.13512v1 | http://arxiv.org/abs/2302.13512v1 | Tejas Santanam, Anthony Trasatti, Hanyu Zhang, Connor Riley, Pascal Van Hentenryck, Ramayya Krishnan | 2023-02-27T04:24:13Z | cs.LG, cs.CL, stat.AP | This paper analyzes the impact of COVID-19 related lockdowns in the Atlanta,
Georgia metropolitan area by examining commuter patterns in three periods:
prior to, during, and after the pandemic lockdown. A cellular phone location
dataset is utilized in a novel pipeline to infer the home and work locations of
thousands of users from the Density-based Spatial Clustering of Applications
with Noise (DBSCAN) algorithm. The coordinates derived from the clustering are
put through a reverse geocoding process from which word embeddings are
extracted in order to categorize the industry of each work place based on the
workplace name and Point of Interest (POI) mapping. Frequencies of commute from
home locations to work locations are analyzed in and across all three time
periods. Public health and economic factors are discussed to explain potential
reasons for the observed changes in commuter patterns. | cs.LG | Changes in Commuter Behavior from COVID-19 Lockdowns in the Atlanta Metropolitan Area |
2023-02-27T04:01:28Z | http://arxiv.org/pdf/2302.13505v1 | http://arxiv.org/abs/2302.13505v1 | Shuo Zhang, Junzhou Zhao, Pinghui Wang, Tianxiang Wang, Zi Liang, Jing Tao, Yi Huang, Junlan Feng | 2023-02-27T04:01:28Z | cs.CL | Multi-action dialog policy, which generates multiple atomic dialog actions
per turn, has been widely applied in task-oriented dialog systems to provide
expressive and efficient system responses. Existing policy models usually
imitate action combinations from the labeled multi-action dialog examples. Due
to data limitations, they generalize poorly toward unseen dialog flows. While
reinforcement learning-based methods are proposed to incorporate the service
ratings from real users and user simulators as external supervision signals,
they suffer from sparse and less credible dialog-level rewards. To cope with
this problem, we explore to improve multi-action dialog policy learning with
explicit and implicit turn-level user feedback received for historical
predictions (i.e., logged user feedback) that are cost-efficient to collect and
faithful to real-world scenarios. The task is challenging since the logged user
feedback provides only partial label feedback limited to the particular
historical dialog actions predicted by the agent. To fully exploit such
feedback information, we propose BanditMatch, which addresses the task from a
feedback-enhanced semi-supervised learning perspective with a hybrid objective
of semi-supervised learning and bandit learning. BanditMatch integrates
pseudo-labeling methods to better explore the action space through constructing
full label feedback. Extensive experiments show that our BanditMatch
outperforms the state-of-the-art methods by generating more concise and
informative responses. The source code and the appendix of this paper can be
obtained from https://github.com/ShuoZhangXJTU/BanditMatch. | cs.CL | Multi-Action Dialog Policy Learning from Logged User Feedback |
2023-02-27T03:43:25Z | http://arxiv.org/pdf/2302.13496v1 | http://arxiv.org/abs/2302.13496v1 | Lingzhi Wang, Mrinmaya Sachan, Xingshan Zeng, Kam-Fai Wong | 2023-02-27T03:43:25Z | cs.CL | Conversational tutoring systems (CTSs) aim to help students master
educational material with natural language interaction in the form of a dialog.
CTSs have become a key pillar in educational data mining research. A key
challenge in CTSs is to engage the student in the conversation while exposing
them to a diverse set of teaching strategies, akin to a human teacher, thereby,
helping them learn in the process. Different from previous work that generates
responses given the strategies as input, we propose to jointly predict teaching
strategies and generate tutor responses accordingly, which fits a more
realistic application scenario. We benchmark several competitive models on
three dialog tutoring datasets and propose a unified framework that combines
teaching response generation and pedagogical strategy prediction, where a
self-distillation mechanism is adopted to guide the teaching strategy learning
and facilitate tutor response generation. Our experiments and analyses shed
light on how teaching strategies affect dialog tutoring. | cs.CL | Strategize Before Teaching: A Conversational Tutoring System with Pedagogy Self-Distillation |
2023-02-27T02:15:56Z | http://arxiv.org/pdf/2302.13475v1 | http://arxiv.org/abs/2302.13475v1 | Dunam Kim, Jeeeun Kim | 2023-02-27T02:15:56Z | cs.CL | We propose a new technique for computational language representation called
elementwise embedding, in which a material (semantic unit) is abstracted into a
horizontal concatenation of lower-dimensional element (character) embeddings.
While elements are always characters, materials are arbitrary levels of
semantic units so it generalizes to any type of tokenization. To focus only on
the important letters, the $n^{th}$ spellings of each semantic unit are aligned
in $n^{th}$ attention heads, then concatenated back into original forms
creating unique embedding representations; they are jointly projected thereby
determining own contextual importance. Technically, this framework is achieved
by passing a sequence of materials, each consists of $v$ elements, to a
transformer having $h=v$ attention heads. As a pure embedding technique,
elementwise embedding replaces the $w$-dimensional embedding table of a
transformer model with $256$ $c$-dimensional elements (each corresponding to
one of UTF-8 bytes) where $c=w/v$. Using this novel approach, we show that the
standard transformer architecture can be reused for all levels of language
representations and be able to process much longer sequences at the same
time-complexity without "any" architectural modification and additional
overhead. BERT trained with elementwise embedding outperforms its subword
equivalence (original implementation) in multilabel patent document
classification exhibiting superior robustness to domain-specificity and data
imbalance, despite using $0.005\%$ of embedding parameters. Experiments
demonstrate the generalizability of the proposed method by successfully
transferring these enhancements to differently architected transformers CANINE
and ALBERT. | cs.CL | Elementwise Language Representation |
2023-02-27T00:44:22Z | http://arxiv.org/pdf/2302.13451v2 | http://arxiv.org/abs/2302.13451v2 | Jianbo Ma, Siqi Pan, Deepak Chandran, Andrea Fanelli, Richard Cartwright | 2024-03-18T01:09:44Z | cs.SD, cs.CL, cs.LG, eess.AS | The transformer is a fundamental building block in deep learning, and the
attention mechanism is the transformer's core component. Self-supervised speech
representation learning (SSRL) represents a popular use-case for the
transformer architecture. Due to transformers' acausal behavior, the use of
transformers for SSRL has been predominantly focused on acausal applications.
However, several media processing problems, such as speech processing, require
real-time solutions. In this paper, we present an implementation of the
attention module that enables training of SSRL architectures with low compute
and memory requirements, while allowing real-time inference with low and fixed
latency. The attention module proposed in this paper includes two components,
streaming attention (SA) and low-latency streaming attention (LLSA). The SA
represents our proposal for an efficient streaming SSRL implementation, while
the LLSA solves the latency build-up problem of other streaming attention
architectures, such as the masked acausal attention (MAA), guaranteeing a
latency equal to one layer even when multiple layers are stacked. We present a
comparative analysis between the vanilla attention, which we will refer here as
acausal attention (AA), the SA, and the LLSA, by training a streaming SSRL with
automatic speech recognition as downstream task. When training on
librispeech-clean-100 and testing on librispeech-test-clean, our low-latency
attention module has a word error rate (WER) of 5.84%, which represents a
significant improvement over the MAA (WER = 13.82%). Our implementation also
reduces the inference latency from 1.92 to 0.16 seconds. The proposed
low-latency module preserves many of the benefits of conventional acausal
transformers, but also enables latency characteristics that make it applicable
to real-time streaming applications. | cs.SD | A low latency attention module for streaming self-supervised speech representation learning |
2023-02-26T23:46:29Z | http://arxiv.org/pdf/2302.13439v2 | http://arxiv.org/abs/2302.13439v2 | Kaitlyn Zhou, Dan Jurafsky, Tatsunori Hashimoto | 2023-11-13T18:10:16Z | cs.CL, cs.AI | The increased deployment of LMs for real-world tasks involving knowledge and
facts makes it important to understand model epistemology: what LMs think they
know, and how their attitudes toward that knowledge are affected by language
use in their inputs. Here, we study an aspect of model epistemology: how
epistemic markers of certainty, uncertainty, or evidentiality like "I'm sure
it's", "I think it's", or "Wikipedia says it's" affect models, and whether they
contribute to model failures. We develop a typology of epistemic markers and
inject 50 markers into prompts for question answering. We find that LMs are
highly sensitive to epistemic markers in prompts, with accuracies varying more
than 80%. Surprisingly, we find that expressions of high certainty result in a
7% decrease in accuracy as compared to low certainty expressions; similarly,
factive verbs hurt performance, while evidentials benefit performance. Our
analysis of a popular pretraining dataset shows that these markers of
uncertainty are associated with answers on question-answering websites, while
markers of certainty are associated with questions. These associations may
suggest that the behavior of LMs is based on mimicking observed language use,
rather than truly reflecting epistemic uncertainty. | cs.CL | Navigating the Grey Area: How Expressions of Uncertainty and Overconfidence Affect Language Models |
2023-02-26T21:48:25Z | http://arxiv.org/pdf/2302.13412v1 | http://arxiv.org/abs/2302.13412v1 | Krystian Jobczyk, Mirna Dzamonja | 2023-02-26T21:48:25Z | math.LO, cs.CL, cs.LO | In 1969, Per Lindstrom proved his celebrated theorem characterising the
first-order logic and established criteria for the first-order definability of
formal theories for discrete structures. K. J. Barwise, S. Shelah, J. Vaananen
and others extended Lindstrom's characterizability program to classes of
infinitary logic systems, including a recent paper by M. Dzamonja and J.
Vaananen on Karp's chain logic, which satisfies interpolation, undefinability
of well-order, and is maximal in the class of logic systems with these
properties. The novelty of the chain logic is in its new definition of
satisfability. In our paper, we give a framework for Lindstrom's type
characterizability of predicate logic systems interpreted semantically in
models with objects based on measures (analytic structures). In particular,
Hajek's Logic of Integral is redefined as an abstract logic with a new type of
Hajek's satisfiability and constitutes a maximal logic in the class of logic
systems for describing analytic structures with Lebesgue integrals and
satisfying compactness, elementary chain condition, and weak negation. | math.LO | The Lindstrom's Characterizability of Abstract Logic Systems for Analytic Structures Based on Measures |
2023-02-26T21:41:15Z | http://arxiv.org/pdf/2302.13410v1 | http://arxiv.org/abs/2302.13410v1 | Shruti Rijhwani, Daisy Rosenblum, Michayla King, Antonios Anastasopoulos, Graham Neubig | 2023-02-26T21:41:15Z | cs.CL | There has been recent interest in improving optical character recognition
(OCR) for endangered languages, particularly because a large number of
documents and books in these languages are not in machine-readable formats. The
performance of OCR systems is typically evaluated using automatic metrics such
as character and word error rates. While error rates are useful for the
comparison of different models and systems, they do not measure whether and how
the transcriptions produced from OCR tools are useful to downstream users. In
this paper, we present a human-centric evaluation of OCR systems, focusing on
the Kwak'wala language as a case study. With a user study, we show that
utilizing OCR reduces the time spent in the manual transcription of culturally
valuable documents -- a task that is often undertaken by endangered language
community members and researchers -- by over 50%. Our results demonstrate the
potential benefits that OCR tools can have on downstream language documentation
and revitalization efforts. | cs.CL | User-Centric Evaluation of OCR Systems for Kwak'wala |
2023-02-26T20:55:19Z | http://arxiv.org/pdf/2302.13403v1 | http://arxiv.org/abs/2302.13403v1 | Cagri Toraman, Izzet Emre Kucukkaya, Oguzhan Ozcelik, Umitcan Sahin | 2023-02-26T20:55:19Z | cs.SI, cs.CL, cs.IR | The importance of social media is again exposed in the recent tragedy of the
2023 Turkey and Syria earthquake. Many victims who were trapped under the
rubble called for help by posting messages in Twitter. We present an
interactive tool to provide situational awareness for missing and trapped
people, and disaster relief for rescue and donation efforts. The system (i)
collects tweets, (ii) classifies the ones calling for help, (iii) extracts
important entity tags, and (iv) visualizes them in an interactive map screen.
Our initial experiments show that the performance in terms of the F1 score is
up to 98.30 for tweet classification, and 84.32 for entity extraction. The
demonstration, dataset, and other related files can be accessed at
https://github.com/avaapm/deprem | cs.SI | Tweets Under the Rubble: Detection of Messages Calling for Help in Earthquake Disaster |
2023-02-26T18:40:38Z | http://arxiv.org/pdf/2302.13382v1 | http://arxiv.org/abs/2302.13382v1 | Liye Fu, Benjamin Newman, Maurice Jakesch, Sarah Kreps | 2023-02-26T18:40:38Z | cs.CL, cs.HC | Traditionally, writing assistance systems have focused on short or even
single-word suggestions. Recently, large language models like GPT-3 have made
it possible to generate significantly longer natural-sounding suggestions,
offering more advanced assistance opportunities. This study explores the
trade-offs between sentence- vs. message-level suggestions for AI-mediated
communication. We recruited 120 participants to act as staffers from
legislators' offices who often need to respond to large volumes of constituent
concerns. Participants were asked to reply to emails with different types of
assistance. The results show that participants receiving message-level
suggestions responded faster and were more satisfied with the experience, as
they mainly edited the suggested drafts. In addition, the texts they wrote were
evaluated as more helpful by others. In comparison, participants receiving
sentence-level assistance retained a higher sense of agency, but took longer
for the task as they needed to plan the flow of their responses and decide when
to use suggestions. Our findings have implications for designing
task-appropriate communication assistance systems. | cs.CL | Comparing Sentence-Level Suggestions to Message-Level Suggestions in AI-Mediated Communication |
2023-02-26T18:28:20Z | http://arxiv.org/pdf/2302.13376v2 | http://arxiv.org/abs/2302.13376v2 | Xing Yi Liu, Homayoon Beigi | 2024-02-24T07:02:38Z | cs.CL, cs.HC, cs.LG, cs.SD, eess.AS | Punctuation restoration plays an essential role in the post-processing
procedure of automatic speech recognition, but model efficiency is a key
requirement for this task. To that end, we present EfficientPunct, an ensemble
method with a multimodal time-delay neural network that outperforms the current
best model by 1.0 F1 points, using less than a tenth of its inference network
parameters. We streamline a speech recognizer to efficiently output hidden
layer acoustic embeddings for punctuation restoration, as well as BERT to
extract meaningful text embeddings. By using forced alignment and temporal
convolutions, we eliminate the need for attention-based fusion, greatly
increasing computational efficiency and raising performance. EfficientPunct
sets a new state of the art with an ensemble that weights BERT's purely
language-based predictions slightly more than the multimodal network's
predictions. Our code is available at
https://github.com/lxy-peter/EfficientPunct. | cs.CL | Efficient Ensemble for Multimodal Punctuation Restoration using Time-Delay Neural Network |
2023-02-26T16:32:52Z | http://arxiv.org/pdf/2302.13344v1 | http://arxiv.org/abs/2302.13344v1 | Haozhe Ji, Pei Ke, Zhipeng Hu, Rongsheng Zhang, Minlie Huang | 2023-02-26T16:32:52Z | cs.CL | The standard paradigm of neural language generation adopts maximum likelihood
estimation (MLE) as the optimizing method. From a distributional view, MLE in
fact minimizes the Kullback-Leibler divergence (KLD) between the distribution
of the real data and that of the model. However, this approach forces the model
to distribute non-zero (sometimes large) probability mass to all training
samples regardless of their quality. Moreover, in the attempt to cover the
low-probability regions in the data distribution, the model systematically
overestimates the probability of corrupted text sequences, which we conjecture
is one of the main reasons for text degeneration during autoregressive
decoding. To remedy this problem, we leverage the total variation distance
(TVD) with its robustness to outliers, and develop practical bounds to apply it
to language generation. Then, we introduce the TaiLr objective that balances
the tradeoff of estimating TVD. Intuitively, TaiLr downweights real data
samples that have low model probabilities with tunable penalization intensity.
Experimental results show that our method alleviates the overestimation of
degenerated sequences without sacrificing diversity and improves generation
quality on a wide range of text generation tasks. | cs.CL | Tailoring Language Generation Models under Total Variation Distance |
2023-02-26T13:38:42Z | http://arxiv.org/pdf/2302.13321v1 | http://arxiv.org/abs/2302.13321v1 | Tibor Krols, Yana Nikolova, Ninell Oldenburg | 2023-02-26T13:38:42Z | cs.SD, cs.CL, cs.MM, eess.AS | This paper aims to test whether a multi-modal approach for music emotion
recognition (MER) performs better than a uni-modal one on high-level song
features and lyrics. We use 11 song features retrieved from the Spotify API,
combined lyrics features including sentiment, TF-IDF, and Anew to predict
valence and arousal (Russell, 1980) scores on the Deezer Mood Detection Dataset
(DMDD) (Delbouys et al., 2018) with 4 different regression models. We find that
out of the 11 high-level song features, mainly 5 contribute to the performance,
multi-modal features do better than audio alone when predicting valence. We
made our code publically available. | cs.SD | Multi-Modality in Music: Predicting Emotion in Music from High-Level Audio Features and Lyrics |
2023-02-26T13:04:04Z | http://arxiv.org/pdf/2302.13311v1 | http://arxiv.org/abs/2302.13311v1 | Chunpu Xu, Hanzhuo Tan, Jing Li, Piji Li | 2023-02-26T13:04:04Z | cs.MM, cs.CL, cs.SI | The multimedia communications with texts and images are popular on social
media. However, limited studies concern how images are structured with texts to
form coherent meanings in human cognition. To fill in the gap, we present a
novel concept of cross-modality discourse, reflecting how human readers couple
image and text understandings. Text descriptions are first derived from images
(named as subtitles) in the multimedia contexts. Five labels -- entity-level
insertion, projection and concretization and scene-level restatement and
extension -- are further employed to shape the structure of subtitles and texts
and present their joint meanings. As a pilot study, we also build the very
first dataset containing 16K multimedia tweets with manually annotated
discourse labels. The experimental results show that the multimedia encoder
based on multi-head attention with captions is able to obtain
the-state-of-the-art results. | cs.MM | Understanding Social Media Cross-Modality Discourse in Linguistic Space |
2023-02-26T05:52:52Z | http://arxiv.org/pdf/2302.13241v1 | http://arxiv.org/abs/2302.13241v1 | Chen Zhang, Yuxuan Lai, Yansong Feng, Xingyu Shen, Haowei Du, Dongyan Zhao | 2023-02-26T05:52:52Z | cs.CL | Although many large-scale knowledge bases (KBs) claim to contain multilingual
information, their support for many non-English languages is often incomplete.
This incompleteness gives birth to the task of cross-lingual question answering
over knowledge base (xKBQA), which aims to answer questions in languages
different from that of the provided KB. One of the major challenges facing
xKBQA is the high cost of data annotation, leading to limited resources
available for further exploration. Another challenge is mapping KB schemas and
natural language expressions in the questions under cross-lingual settings. In
this paper, we propose a novel approach for xKBQA in a reading comprehension
paradigm. We convert KB subgraphs into passages to narrow the gap between KB
schemas and questions, which enables our model to benefit from recent advances
in multilingual pre-trained language models (MPLMs) and cross-lingual machine
reading comprehension (xMRC). Specifically, we use MPLMs, with considerable
knowledge of cross-lingual mappings, for cross-lingual reading comprehension.
Existing high-quality xMRC datasets can be further utilized to finetune our
model, greatly alleviating the data scarcity issue in xKBQA. Extensive
experiments on two xKBQA datasets in 12 languages show that our approach
outperforms various baselines and achieves strong few-shot and zero-shot
performance. Our dataset and code are released for further research. | cs.CL | Cross-Lingual Question Answering over Knowledge Base as Reading Comprehension |
2023-02-26T03:26:26Z | http://arxiv.org/pdf/2302.13222v1 | http://arxiv.org/abs/2302.13222v1 | Changfeng Gao, Gaofeng Cheng, Pengyuan Zhang, Yonghong Yan | 2023-02-26T03:26:26Z | cs.CL, cs.SD, eess.AS | Selecting application scenarios matching data is important for the automatic
speech recognition (ASR) training, but it is difficult to measure the matching
degree of the training corpus. This study proposes a unsupervised target-aware
data selection method based on speech corpora divergence (SCD), which can
measure the similarity between two speech corpora. We first use the
self-supervised Hubert model to discretize the speech corpora into label
sequence and calculate the N-gram probability distribution. Then we calculate
the Kullback-Leibler divergence between the N-grams as the SCD. Finally, we can
choose the subset which has minimum SCD to the target corpus for annotation and
training. Compared to previous data selection method, the SCD data selection
method can focus on more acoustic details and guarantee the diversity of the
selected set. We evaluate our method on different accents from Common Voice.
Experiments show that the proposed SCD data selection can realize 14.8%
relative improvements to the random selection, comparable or even superior to
the result of supervised selection. | cs.CL | Speech Corpora Divergence Based Unsupervised Data Selection for ASR |
2023-02-26T00:57:29Z | http://arxiv.org/pdf/2302.13201v1 | http://arxiv.org/abs/2302.13201v1 | Ruolin Su, Zhongkai Sun, Sixing Lu, Chengyuan Ma, Chenlei Guo | 2023-02-26T00:57:29Z | cs.CL | Recent advances in cross-lingual commonsense reasoning (CSR) are facilitated
by the development of multilingual pre-trained models (mPTMs). While mPTMs show
the potential to encode commonsense knowledge for different languages,
transferring commonsense knowledge learned in large-scale English corpus to
other languages is challenging. To address this problem, we propose the
attention-based Cross-LIngual Commonsense Knowledge transfER (CLICKER)
framework, which minimizes the performance gaps between English and non-English
languages in commonsense question-answering tasks. CLICKER effectively improves
commonsense reasoning for non-English languages by differentiating
non-commonsense knowledge from commonsense knowledge. Experimental results on
public benchmarks demonstrate that CLICKER achieves remarkable improvements in
the cross-lingual CSR task for languages other than English. | cs.CL | CLICKER: Attention-Based Cross-Lingual Commonsense Knowledge Transfer |
2023-02-25T21:42:31Z | http://arxiv.org/pdf/2302.13173v1 | http://arxiv.org/abs/2302.13173v1 | Hongyin Zhu | 2023-02-25T21:42:31Z | cs.CL | Pre-trained models (PM) have achieved promising results in content
generation. However, the space for human creativity and imagination is endless,
and it is still unclear whether the existing models can meet the needs.
Model-generated content faces uncontrollable responsibility and potential
unethical problems. This paper presents the MetaAID 2.0 framework, dedicated to
human-controllable PM information flow. Through the PM information flow, humans
can autonomously control their creativity. Through the Universal Resource
Identifier extension (URI-extension), the responsibility of the model outputs
can be controlled. Our framework includes modules for handling multimodal data
and supporting transformation and generation. The URI-extension consists of
URI, detailed description, and URI embeddings, and supports fuzzy retrieval of
model outputs. Based on this framework, we conduct experiments on PM
information flow and URI embeddings, and the results demonstrate the good
performance of our system. | cs.CL | MetaAID 2.0: An Extensible Framework for Developing Metaverse Applications via Human-controllable Pre-trained Models |
2023-02-25T20:24:58Z | http://arxiv.org/pdf/2302.13149v2 | http://arxiv.org/abs/2302.13149v2 | Ali Al-Kaswan, Maliheh Izadi, Arie van Deursen | 2023-03-07T12:22:00Z | cs.SE, cs.AI, cs.CL | Code comments are a key resource for information about software artefacts.
Depending on the use case, only some types of comments are useful. Thus,
automatic approaches to classify these comments have been proposed. In this
work, we address this need by proposing, STACC, a set of
SentenceTransformers-based binary classifiers. These lightweight classifiers
are trained and tested on the NLBSE Code Comment Classification tool
competition dataset, and surpass the baseline by a significant margin,
achieving an average F1 score of 0.74 against the baseline of 0.31, which is an
improvement of 139%. A replication package, as well as the models themselves,
are publicly available. | cs.SE | STACC: Code Comment Classification using SentenceTransformers |
2023-02-25T18:39:59Z | http://arxiv.org/pdf/2302.13139v2 | http://arxiv.org/abs/2302.13139v2 | Bruce W. Lee, Jason Hyung-Jong Lee | 2024-06-16T22:50:50Z | cs.CL, cs.AI | We propose the novel adaptation of a pre-trained seq2seq model for
readability assessment. We prove that a seq2seq model - T5 or BART - can be
adapted to discern which text is more difficult from two given texts
(pairwise). As an exploratory study to prompt-learn a neural network for text
readability in a text-to-text manner, we report useful tips for future work in
seq2seq training and ranking-based approach to readability assessment.
Specifically, we test nine input-output formats/prefixes and show that they can
significantly influence the final model performance.
Also, we argue that the combination of text-to-text training and pairwise
ranking setup 1) enables leveraging multiple parallel text simplification data
for teaching readability and 2) trains a neural model for the general concept
of readability (therefore, better cross-domain generalization). At last, we
report a 99.6% pairwise classification accuracy on Newsela and a 98.7% for
OneStopEnglish, through a joint training approach. | cs.CL | Prompt-based Learning for Text Readability Assessment |
2023-02-25T18:29:02Z | http://arxiv.org/pdf/2302.13136v1 | http://arxiv.org/abs/2302.13136v1 | Rui Wang, Pengyu Cheng, Ricardo Henao | 2023-02-25T18:29:02Z | cs.CL, cs.AI | Pretrained language models (PLMs), such as GPT2, have achieved remarkable
empirical performance in text generation tasks. However, pretrained on
large-scale natural language corpora, the generated text from PLMs may exhibit
social bias against disadvantaged demographic groups. To improve the fairness
of PLMs in text generation, we propose to minimize the mutual information
between the semantics in the generated text sentences and their demographic
polarity, i.e., the demographic group to which the sentence is referring. In
this way, the mentioning of a demographic group (e.g., male or female) is
encouraged to be independent from how it is described in the generated text,
thus effectively alleviating the social bias. Moreover, we propose to
efficiently estimate the upper bound of the above mutual information via
importance sampling, leveraging a natural language corpus. We also propose a
distillation mechanism that preserves the language modeling ability of the PLMs
after debiasing. Empirical results on real-world benchmarks demonstrate that
the proposed method yields superior performance in term of both fairness and
language modeling ability. | cs.CL | Toward Fairness in Text Generation via Mutual Information Minimization based on Importance Sampling |
2023-02-25T16:45:46Z | http://arxiv.org/pdf/2302.13117v1 | http://arxiv.org/abs/2302.13117v1 | Tohida Rehman, Suchandan Das, Debarshi Kumar Sanyal, Samiran Chattopadhyay | 2023-02-25T16:45:46Z | cs.CL, cs.AI, cs.LG | In todays era huge volume of information exists everywhere. Therefore, it is
very crucial to evaluate that information and extract useful, and often
summarized, information out of it so that it may be used for relevant purposes.
This extraction can be achieved through a crucial technique of artificial
intelligence, namely, machine learning. Indeed automatic text summarization has
emerged as an important application of machine learning in text processing. In
this paper, an english text summarizer has been built with GRU-based encoder
and decoder. Bahdanau attention mechanism has been added to overcome the
problem of handling long sequences in the input text. A news-summary dataset
has been used to train the model. The output is observed to outperform
competitive models in the literature. The generated summary can be used as a
newspaper headline. | cs.CL | Abstractive Text Summarization using Attentive GRU based Encoder-Decoder |
2023-02-25T16:44:37Z | http://arxiv.org/pdf/2303.12796v1 | http://arxiv.org/abs/2303.12796v1 | Tohida Rehman, Suchandan Das, Debarshi Kumar Sanyal, Samiran Chattopadhyay | 2023-02-25T16:44:37Z | cs.CL, cs.AI, cs.LG | People nowadays use search engines like Google, Yahoo, and Bing to find
information on the Internet. Due to explosion in data, it is helpful for users
if they are provided relevant summaries of the search results rather than just
links to webpages. Text summarization has become a vital approach to help
consumers swiftly grasp vast amounts of information.In this paper, different
pre-trained models for text summarization are evaluated on different datasets.
Specifically, we have used three different pre-trained models, namely,
google/pegasus-cnn-dailymail, T5-base, facebook/bart-large-cnn. We have
considered three different datasets, namely, CNN-dailymail, SAMSum and BillSum
to get the output from the above three models. The pre-trained models are
compared over these different datasets, each of 2000 examples, through ROUGH
and BLEU metrics. | cs.CL | An Analysis of Abstractive Text Summarization Using Pre-trained Models |
2023-02-25T16:33:53Z | http://arxiv.org/pdf/2302.13114v3 | http://arxiv.org/abs/2302.13114v3 | Jiaxin Bai, Tianshi Zheng, Yangqiu Song | 2023-06-25T21:38:42Z | cs.CL, cs.AI | Complex Query Answering (CQA) is an important and fundamental task for
knowledge graph (KG) reasoning. Query encoding (QE) is proposed as a fast and
robust solution to CQA. In the encoding process, most existing QE methods first
parse the logical query into an executable computational direct-acyclic graph
(DAG), then use neural networks to parameterize the operators, and finally,
recursively execute these neuralized operators. However, the
parameterization-and-execution paradigm may be potentially over-complicated, as
it can be structurally simplified by a single neural network encoder.
Meanwhile, sequence encoders, like LSTM and Transformer, proved to be effective
for encoding semantic graphs in related tasks. Motivated by this, we propose
sequential query encoding (SQE) as an alternative to encode queries for CQA.
Instead of parameterizing and executing the computational graph, SQE first uses
a search-based algorithm to linearize the computational graph to a sequence of
tokens and then uses a sequence encoder to compute its vector representation.
Then this vector representation is used as a query embedding to retrieve
answers from the embedding space according to similarity scores. Despite its
simplicity, SQE demonstrates state-of-the-art neural query encoding performance
on FB15k, FB15k-237, and NELL on an extended benchmark including twenty-nine
types of in-distribution queries. Further experiment shows that SQE also
demonstrates comparable knowledge inference capability on out-of-distribution
queries, whose query types are not observed during the training process. | cs.CL | Sequential Query Encoding For Complex Query Answering on Knowledge Graphs |
2023-02-25T16:33:03Z | http://arxiv.org/pdf/2303.12795v1 | http://arxiv.org/abs/2303.12795v1 | Tohida Rehman, Debarshi Kumar Sanyal, Prasenjit Majumder, Samiran Chattopadhyay | 2023-02-25T16:33:03Z | cs.CL, cs.AI, cs.LG | A scientific paper is traditionally prefaced by an abstract that summarizes
the paper. Recently, research highlights that focus on the main findings of the
paper have emerged as a complementary summary in addition to an abstract.
However, highlights are not yet as common as abstracts, and are absent in many
papers. In this paper, we aim to automatically generate research highlights
using different sections of a research paper as input. We investigate whether
the use of named entity recognition on the input improves the quality of the
generated highlights. In particular, we have used two deep learning-based
models: the first is a pointer-generator network, and the second augments the
first model with coverage mechanism. We then augment each of the above models
with named entity recognition features. The proposed method can be used to
produce highlights for papers with missing highlights. Our experiments show
that adding named entity information improves the performance of the deep
learning-based summarizers in terms of ROUGE, METEOR and BERTScore measures. | cs.CL | Named Entity Recognition Based Automatic Generation of Research Highlights |
2023-02-25T15:56:06Z | http://arxiv.org/pdf/2302.13106v1 | http://arxiv.org/abs/2302.13106v1 | Shi Zesheng, Zhou Yucheng | 2023-02-25T15:56:06Z | cs.CL | Due to the success of the pre-trained language model (PLM), existing
PLM-based summarization models show their powerful generative capability.
However, these models are trained on general-purpose summarization datasets,
leading to generated summaries failing to satisfy the needs of different
readers. To generate summaries with topics, many efforts have been made on
topic-focused summarization. However, these works generate a summary only
guided by a prompt comprising topic words. Despite their success, these methods
still ignore the disturbance of sentences with non-relevant topics and only
conduct cross-interaction between tokens by attention module. To address this
issue, we propose a topic-arc recognition objective and topic-selective graph
network. First, the topic-arc recognition objective is used to model training,
which endows the capability to discriminate topics for the model. Moreover, the
topic-selective graph network can conduct topic-guided cross-interaction on
sentences based on the results of topic-arc recognition. In the experiments, we
conduct extensive evaluations on NEWTS and COVIDET datasets. Results show that
our methods achieve state-of-the-art performance. | cs.CL | Topic-Selective Graph Network for Topic-Focused Summarization |
2023-02-25T15:16:10Z | http://arxiv.org/pdf/2302.13099v1 | http://arxiv.org/abs/2302.13099v1 | Piotr Wilczyński, Artur Żółkowski, Mateusz Krzyziński, Emilia Wiśnios, Bartosz Pieliński, Stanisław Giziński, Julian Sienkiewicz, Przemysław Biecek | 2023-02-25T15:16:10Z | cs.CL | This paper introduces HADES, a novel tool for automatic comparative documents
with similar structures. HADES is designed to streamline the work of
professionals dealing with large volumes of documents, such as policy
documents, legal acts, and scientific papers. The tool employs a multi-step
pipeline that begins with processing PDF documents using topic modeling,
summarization, and analysis of the most important words for each topic. The
process concludes with an interactive web app with visualizations that
facilitate the comparison of the documents. HADES has the potential to
significantly improve the productivity of professionals dealing with high
volumes of documents, reducing the time and effort required to complete tasks
related to comparative document analysis. Our package is publically available
on GitHub. | cs.CL | HADES: Homologous Automated Document Exploration and Summarization |
2023-02-25T11:14:39Z | http://arxiv.org/pdf/2303.17511v1 | http://arxiv.org/abs/2303.17511v1 | Anna Strasser | 2023-02-25T11:14:39Z | cs.CY, cs.AI, cs.CL | Natural language processing based on large language models (LLMs) is a
booming field of AI research. After neural networks have proven to outperform
humans in games and practical domains based on pattern recognition, we might
stand now at a road junction where artificial entities might eventually enter
the realm of human communication. However, this comes with serious risks. Due
to the inherent limitations regarding the reliability of neural networks,
overreliance on LLMs can have disruptive consequences. Since it will be
increasingly difficult to distinguish between human-written and
machine-generated text, one is confronted with new ethical challenges. This
begins with the no longer undoubtedly verifiable human authorship and continues
with various types of fraud, such as a new form of plagiarism. This also
concerns the violation of privacy rights, the possibility of circulating
counterfeits of humans, and, last but not least, it makes a massive spread of
misinformation possible. | cs.CY | On pitfalls (and advantages) of sophisticated large language models |
2023-02-25T10:20:02Z | http://arxiv.org/pdf/2302.13048v1 | http://arxiv.org/abs/2302.13048v1 | Tianyi Zhang, Isaac Tham, Zhaoyi Hou, Jiaxuan Ren, Liyang Zhou, Hainiu Xu, Li Zhang, Lara J. Martin, Rotem Dror, Sha Li, Heng Ji, Martha Palmer, Susan Brown, Reece Suchocki, Chris Callison-Burch | 2023-02-25T10:20:02Z | cs.HC, cs.CL | Schema induction builds a graph representation explaining how events unfold
in a scenario. Existing approaches have been based on information retrieval
(IR) and information extraction(IE), often with limited human curation. We
demonstrate a human-in-the-loop schema induction system powered by GPT-3. We
first describe the different modules of our system, including prompting to
generate schematic elements, manual edit of those elements, and conversion of
those into a schema graph. By qualitatively comparing our system to previous
ones, we show that our system not only transfers to new domains more easily
than previous approaches, but also reduces efforts of human curation thanks to
our interactive interface. | cs.HC | Human-in-the-Loop Schema Induction |
2023-02-25T10:12:34Z | http://arxiv.org/pdf/2302.14057v2 | http://arxiv.org/abs/2302.14057v2 | Longzheng Wang, Chuang Zhang, Hongbo Xu, Yongxiu Xu, Xiaohan Xu, Siqi Wang | 2023-08-11T13:48:44Z | cs.LG, cs.AI, cs.CL | Automatic detection of multimodal fake news has gained a widespread attention
recently. Many existing approaches seek to fuse unimodal features to produce
multimodal news representations. However, the potential of powerful cross-modal
contrastive learning methods for fake news detection has not been well
exploited. Besides, how to aggregate features from different modalities to
boost the performance of the decision-making process is still an open question.
To address that, we propose COOLANT, a cross-modal contrastive learning
framework for multimodal fake news detection, aiming to achieve more accurate
image-text alignment. To further improve the alignment precision, we leverage
an auxiliary task to soften the loss term of negative samples during the
contrast process. A cross-modal fusion module is developed to learn the
cross-modality correlations. An attention mechanism with an attention guidance
module is implemented to help effectively and interpretably aggregate the
aligned unimodal representations and the cross-modality correlations. Finally,
we evaluate the COOLANT and conduct a comparative study on two widely used
datasets, Twitter and Weibo. The experimental results demonstrate that our
COOLANT outperforms previous approaches by a large margin and achieves new
state-of-the-art results on the two datasets. | cs.LG | Cross-modal Contrastive Learning for Multimodal Fake News Detection |
2023-02-25T09:10:03Z | http://arxiv.org/pdf/2302.13032v1 | http://arxiv.org/abs/2302.13032v1 | Chengze Yu, Taiqiang Wu, Jiayi Li, Xingyu Bai, Yujiu Yang | 2023-02-25T09:10:03Z | cs.CL, cs.AI | Aspect-based Sentiment Analysis (ABSA) is a sentiment analysis task at
fine-grained level. Recently, generative frameworks have attracted increasing
attention in ABSA due to their ability to unify subtasks and their continuity
to upstream pre-training tasks. However, these generative models suffer from
the neighboring dependency problem that induces neighboring words to get higher
attention. In this paper, we propose SynGen, a plug-and-play syntactic
information aware module. As a plug-in module, our SynGen can be easily applied
to any generative framework backbones. The key insight of our module is to add
syntactic inductive bias to attention assignment and thus direct attention to
the correct target words. To the best of our knowledge, we are the first one to
introduce syntactic information to generative ABSA frameworks. Our module
design is based on two main principles: (1) maintaining the structural
integrity of backbone PLMs and (2) disentangling the added syntactic
information and original semantic information. Empirical results on four
popular ABSA datasets demonstrate that SynGen enhanced model achieves a
comparable performance to the state-of-the-art model with relaxed labeling
specification and less training consumption. | cs.CL | SynGen: A Syntactic Plug-and-play Module for Generative Aspect-based Sentiment Analysis |
2023-02-25T07:32:04Z | http://arxiv.org/pdf/2302.13013v1 | http://arxiv.org/abs/2302.13013v1 | Ruolin Su, Jingfeng Yang, Ting-Wei Wu, Biing-Hwang Juang | 2023-02-25T07:32:04Z | cs.CL | With the demanding need for deploying dialogue systems in new domains with
less cost, zero-shot dialogue state tracking (DST), which tracks user's
requirements in task-oriented dialogues without training on desired domains,
draws attention increasingly. Although prior works have leveraged
question-answering (QA) data to reduce the need for in-domain training in DST,
they fail to explicitly model knowledge transfer and fusion for tracking
dialogue states. To address this issue, we propose CoFunDST, which is trained
on domain-agnostic QA datasets and directly uses candidate choices of
slot-values as knowledge for zero-shot dialogue-state generation, based on a T5
pre-trained language model. Specifically, CoFunDST selects highly-relevant
choices to the reference context and fuses them to initialize the decoder to
constrain the model outputs. Our experimental results show that our proposed
model achieves outperformed joint goal accuracy compared to existing zero-shot
DST approaches in most domains on the MultiWOZ 2.1. Extensive analyses
demonstrate the effectiveness of our proposed approach for improving zero-shot
DST learning from QA. | cs.CL | Choice Fusion as Knowledge for Zero-Shot Dialogue State Tracking |
2023-02-25T06:58:16Z | http://arxiv.org/pdf/2302.13007v3 | http://arxiv.org/abs/2302.13007v3 | Haixing Dai, Zhengliang Liu, Wenxiong Liao, Xiaoke Huang, Yihan Cao, Zihao Wu, Lin Zhao, Shaochen Xu, Wei Liu, Ninghao Liu, Sheng Li, Dajiang Zhu, Hongmin Cai, Lichao Sun, Quanzheng Li, Dinggang Shen, Tianming Liu, Xiang Li | 2023-03-20T11:39:47Z | cs.CL, cs.AI, cs.LG | Text data augmentation is an effective strategy for overcoming the challenge
of limited sample sizes in many natural language processing (NLP) tasks. This
challenge is especially prominent in the few-shot learning scenario, where the
data in the target domain is generally much scarcer and of lowered quality. A
natural and widely-used strategy to mitigate such challenges is to perform data
augmentation to better capture the data invariance and increase the sample
size. However, current text data augmentation methods either can't ensure the
correct labeling of the generated data (lacking faithfulness) or can't ensure
sufficient diversity in the generated data (lacking compactness), or both.
Inspired by the recent success of large language models, especially the
development of ChatGPT, which demonstrated improved language comprehension
abilities, in this work, we propose a text data augmentation approach based on
ChatGPT (named AugGPT). AugGPT rephrases each sentence in the training samples
into multiple conceptually similar but semantically different samples. The
augmented samples can then be used in downstream model training. Experiment
results on few-shot learning text classification tasks show the superior
performance of the proposed AugGPT approach over state-of-the-art text data
augmentation methods in terms of testing accuracy and distribution of the
augmented samples. | cs.CL | AugGPT: Leveraging ChatGPT for Text Data Augmentation |
2023-02-25T04:23:25Z | http://arxiv.org/pdf/2302.12979v1 | http://arxiv.org/abs/2302.12979v1 | Alexandra Chronopoulou, Brian Thompson, Prashant Mathur, Yogesh Virkar, Surafel M. Lakew, Marcello Federico | 2023-02-25T04:23:25Z | cs.CL, cs.SD, eess.AS | Automatic dubbing (AD) is the task of translating the original speech in a
video into target language speech. The new target language speech should
satisfy isochrony; that is, the new speech should be time aligned with the
original video, including mouth movements, pauses, hand gestures, etc. In this
paper, we propose training a model that directly optimizes both the translation
as well as the speech duration of the generated translations. We show that this
system generates speech that better matches the timing of the original speech,
compared to prior work, while simplifying the system architecture. | cs.CL | Jointly Optimizing Translations and Speech Timing to Improve Isochrony in Automatic Dubbing |
2023-02-25T02:20:59Z | http://arxiv.org/pdf/2302.12961v1 | http://arxiv.org/abs/2302.12961v1 | Pai Zhu, Hyun Jin Park, Alex Park, Angelo Scorza Scarpati, Ignacio Lopez Moreno | 2023-02-25T02:20:59Z | cs.CL, cs.LG | A Multilingual Keyword Spotting (KWS) system detects spokenkeywords over
multiple locales. Conventional monolingual KWSapproaches do not scale well to
multilingual scenarios because ofhigh development/maintenance costs and lack of
resource sharing.To overcome this limit, we propose two locale-conditioned
universalmodels with locale feature concatenation and feature-wise
linearmodulation (FiLM). We compare these models with two baselinemethods:
locale-specific monolingual KWS, and a single universalmodel trained over all
data. Experiments over 10 localized languagedatasets show that
locale-conditioned models substantially improveaccuracy over baseline methods
across all locales in different noiseconditions.FiLMperformed the best,
improving on average FRRby 61% (relative) compared to monolingual KWS models of
similarsizes. | cs.CL | Locale Encoding For Scalable Multilingual Keyword Spotting Models |
2023-02-25T01:39:13Z | http://arxiv.org/pdf/2302.12952v1 | http://arxiv.org/abs/2302.12952v1 | Siddharth Mangalik, Johannes C. Eichstaedt, Salvatore Giorgi, Jihu Mun, Farhan Ahmed, Gilvir Gill, Adithya V. Ganesan, Shashanka Subrahmanya, Nikita Soni, Sean A. P. Clouston, H. Andrew Schwartz | 2023-02-25T01:39:13Z | cs.CL, J.4; I.2.7 | Compared to physical health, population mental health measurement in the U.S.
is very coarse-grained. Currently, in the largest population surveys, such as
those carried out by the Centers for Disease Control or Gallup, mental health
is only broadly captured through "mentally unhealthy days" or "sadness", and
limited to relatively infrequent state or metropolitan estimates. Through the
large scale analysis of social media data, robust estimation of population
mental health is feasible at much higher resolutions, up to weekly estimates
for counties. In the present work, we validate a pipeline that uses a sample of
1.2 billion Tweets from 2 million geo-located users to estimate mental health
changes for the two leading mental health conditions, depression and anxiety.
We find moderate to large associations between the language-based mental health
assessments and survey scores from Gallup for multiple levels of granularity,
down to the county-week (fixed effects $\beta = .25$ to $1.58$; $p<.001$).
Language-based assessment allows for the cost-effective and scalable monitoring
of population mental health at weekly time scales. Such spatially fine-grained
time series are well suited to monitor effects of societal events and policies
as well as enable quasi-experimental study designs in population health and
other disciplines. Beyond mental health in the U.S., this method generalizes to
a broad set of psychological outcomes and allows for community measurement in
under-resourced settings where no traditional survey measures - but social
media data - are available. | cs.CL | Robust language-based mental health assessments in time and space through social media |
2023-02-25T00:41:46Z | http://arxiv.org/pdf/2302.12944v1 | http://arxiv.org/abs/2302.12944v1 | Jon Z. Cai, Brendan King, Margaret Perkoff, Shiran Dudy, Jie Cao, Marie Grace, Natalia Wojarnik, Ananya Ganesh, James H. Martin, Martha Palmer, Marilyn Walker, Jeffrey Flanigan | 2023-02-25T00:41:46Z | cs.CL, cs.AI | In this paper, we introduce Dependency Dialogue Acts (DDA), a novel framework
for capturing the structure of speaker-intentions in multi-party dialogues. DDA
combines and adapts features from existing dialogue annotation frameworks, and
emphasizes the multi-relational response structure of dialogues in addition to
the dialogue acts and rhetorical relations. It represents the functional,
discourse, and response structure in multi-party multi-threaded conversations.
A few key features distinguish DDA from existing dialogue annotation frameworks
such as SWBD-DAMSL and the ISO 24617-2 standard. First, DDA prioritizes the
relational structure of the dialogue units and the dialog context, annotating
both dialog acts and rhetorical relations as response relations to particular
utterances. Second, DDA embraces overloading in dialogues, encouraging
annotators to specify multiple response relations and dialog acts for each
dialog unit. Lastly, DDA places an emphasis on adequately capturing how a
speaker is using the full dialog context to plan and organize their speech.
With these features, DDA is highly expressive and recall-oriented with regard
to conversation dynamics between multiple speakers. In what follows, we present
the DDA annotation framework and case studies annotating DDA structures in
multi-party, multi-threaded conversations. | cs.CL | Dependency Dialogue Acts -- Annotation Scheme and Case Study |
2023-02-24T22:53:10Z | http://arxiv.org/pdf/2302.12927v1 | http://arxiv.org/abs/2302.12927v1 | Yue Cao, C. S. George Lee | 2023-02-24T22:53:10Z | cs.RO, cs.AI, cs.CL | Nowadays, the behavior tree is gaining popularity as a representation for
robot tasks due to its modularity and reusability. Designing behavior-tree
tasks manually is time-consuming for robot end-users, thus there is a need for
investigating automatic behavior-tree-based task generation. Prior
behavior-tree-based task generation approaches focus on fixed primitive tasks
and lack generalizability to new task domains. To cope with this issue, we
propose a novel behavior-tree-based task generation approach that utilizes
state-of-the-art large language models. We propose a Phase-Step prompt design
that enables a hierarchical-structured robot task generation and further
integrate it with behavior-tree-embedding-based search to set up the
appropriate prompt. In this way, we enable an automatic and cross-domain
behavior-tree task generation. Our behavior-tree-based task generation approach
does not require a set of pre-defined primitive tasks. End-users only need to
describe an abstract desired task and our proposed approach can swiftly
generate the corresponding behavior tree. A full-process case study is provided
to demonstrate our proposed approach. An ablation study is conducted to
evaluate the effectiveness of our Phase-Step prompts. Assessment on Phase-Step
prompts and the limitation of large language models are presented and
discussed. | cs.RO | Robot Behavior-Tree-Based Task Generation with Large Language Models |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.