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-21T20:26:23Z | http://arxiv.org/pdf/2302.10978v1 | http://arxiv.org/abs/2302.10978v1 | Christopher Richardson, Sudipta Kar, Anjishnu Kumar, Anand Ramachandran, Omar Zia Khan, Zeynab Raeesy, Abhinav Sethy | 2023-02-21T20:26:23Z | cs.CL, cs.AI, cs.IR, cs.LG | Open domain conversational agents can answer a broad range of targeted
queries. However, the sequential nature of interaction with these systems makes
knowledge exploration a lengthy task which burdens the user with asking a chain
of well phrased questions. In this paper, we present a retrieval based system
and associated dataset for predicting the next questions that the user might
have. Such a system can proactively assist users in knowledge exploration
leading to a more engaging dialog. The retrieval system is trained on a dataset
which contains ~14K multi-turn information-seeking conversations with a valid
follow-up question and a set of invalid candidates. The invalid candidates are
generated to simulate various syntactic and semantic confounders such as
paraphrases, partial entity match, irrelevant entity, and ASR errors. We use
confounder specific techniques to simulate these negative examples on the
OR-QuAC dataset and develop a dataset called the Follow-up Query Bank
(FQ-Bank). Then, we train ranking models on FQ-Bank and present results
comparing supervised and unsupervised approaches. The results suggest that we
can retrieve the valid follow-ups by ranking them in higher positions compared
to confounders, but further knowledge grounding can improve ranking
performance. | cs.CL | Learning to Retrieve Engaging Follow-Up Queries |
2023-02-21T18:54:21Z | http://arxiv.org/pdf/2302.10879v1 | http://arxiv.org/abs/2302.10879v1 | Yangsibo Huang, Daogao Liu, Zexuan Zhong, Weijia Shi, Yin Tat Lee | 2023-02-21T18:54:21Z | cs.CL | Fine-tuning a language model on a new domain is standard practice for domain
adaptation. However, it can be infeasible when it comes to modern large-scale
language models such as GPT-3, which can only be accessed through APIs, making
it difficult to access the internal parameters of the model. In this paper, we
propose $k$NN-Adapter, a method to effectively adapt these black-box large
language models (LLMs) to a new domain. The $k$NN-Adapter builds on top of the
retrieval-augmented language model, and adaptively learns to interpolate the
output of the language model with retrieval results from a datastore consisting
of the target domain data. Our experiments on four different domains
demonstrate that $k$NN-Adapter significantly improves perplexity, and works
particularly well in settings with limited access to LLMs. Additionally, we
show that $k$NN-Adapter is more effective than fine-tuning when the amount of
training data is limited. We also release a dataset to encourage further study. | cs.CL | $k$NN-Adapter: Efficient Domain Adaptation for Black-Box Language Models |
2023-02-21T18:38:41Z | http://arxiv.org/pdf/2302.10871v1 | http://arxiv.org/abs/2302.10871v1 | Biao Zhang, Barry Haddow, Rico Sennrich | 2023-02-21T18:38:41Z | cs.CL, cs.SD, eess.AS | For end-to-end speech translation, regularizing the encoder with the
Connectionist Temporal Classification (CTC) objective using the source
transcript or target translation as labels can greatly improve quality metrics.
However, CTC demands an extra prediction layer over the vocabulary space,
bringing in nonnegligible model parameters and computational overheads,
although this layer is typically not used for inference. In this paper, we
re-examine the need for genuine vocabulary labels for CTC for regularization
and explore strategies to reduce the CTC label space, targeting improved
efficiency without quality degradation. We propose coarse labeling for CTC
(CoLaCTC), which merges vocabulary labels via simple heuristic rules, such as
using truncation, division or modulo (MOD) operations. Despite its simplicity,
our experiments on 4 source and 8 target languages show that CoLaCTC with MOD
particularly can compress the label space aggressively to 256 and even further,
gaining training efficiency (1.18x ~ 1.77x speedup depending on the original
vocabulary size) yet still delivering comparable or better performance than the
CTC baseline. We also show that CoLaCTC successfully generalizes to CTC
regularization regardless of using transcript or translation for labeling. | cs.CL | Efficient CTC Regularization via Coarse Labels for End-to-End Speech Translation |
2023-02-21T18:29:25Z | http://arxiv.org/pdf/2302.10866v3 | http://arxiv.org/abs/2302.10866v3 | Michael Poli, Stefano Massaroli, Eric Nguyen, Daniel Y. Fu, Tri Dao, Stephen Baccus, Yoshua Bengio, Stefano Ermon, Christopher Ré | 2023-04-19T20:08:39Z | cs.LG, cs.CL | Recent advances in deep learning have relied heavily on the use of large
Transformers due to their ability to learn at scale. However, the core building
block of Transformers, the attention operator, exhibits quadratic cost in
sequence length, limiting the amount of context accessible. Existing
subquadratic methods based on low-rank and sparse approximations need to be
combined with dense attention layers to match Transformers, indicating a gap in
capability. In this work, we propose Hyena, a subquadratic drop-in replacement
for attention constructed by interleaving implicitly parametrized long
convolutions and data-controlled gating. In recall and reasoning tasks on
sequences of thousands to hundreds of thousands of tokens, Hyena improves
accuracy by more than 50 points over operators relying on state-spaces and
other implicit and explicit methods, matching attention-based models. We set a
new state-of-the-art for dense-attention-free architectures on language
modeling in standard datasets (WikiText103 and The Pile), reaching Transformer
quality with a 20% reduction in training compute required at sequence length
2K. Hyena operators are twice as fast as highly optimized attention at sequence
length 8K, and 100x faster at sequence length 64K. | cs.LG | Hyena Hierarchy: Towards Larger Convolutional Language Models |
2023-02-21T18:02:20Z | http://arxiv.org/pdf/2302.10850v2 | http://arxiv.org/abs/2302.10850v2 | Dhawal Gupta, Yinlam Chow, Aza Tulepbergenov, Mohammad Ghavamzadeh, Craig Boutilier | 2023-10-29T13:05:52Z | cs.LG, cs.AI, cs.CL | Reinforcement learning (RL) has shown great promise for developing dialogue
management (DM) agents that are non-myopic, conduct rich conversations, and
maximize overall user satisfaction. Despite recent developments in RL and
language models (LMs), using RL to power conversational chatbots remains
challenging, in part because RL requires online exploration to learn
effectively, whereas collecting novel human-bot interactions can be expensive
and unsafe. This issue is exacerbated by the combinatorial action spaces facing
these algorithms, as most LM agents generate responses at the word level. We
develop a variety of RL algorithms, specialized to dialogue planning, that
leverage recent Mixture-of-Expert Language Models (MoE-LMs) -- models that
capture diverse semantics, generate utterances reflecting different intents,
and are amenable for multi-turn DM. By exploiting MoE-LM structure, our methods
significantly reduce the size of the action space and improve the efficacy of
RL-based DM. We evaluate our methods in open-domain dialogue to demonstrate
their effectiveness w.r.t.\ the diversity of intent in generated utterances and
overall DM performance. | cs.LG | Offline Reinforcement Learning for Mixture-of-Expert Dialogue Management |
2023-02-21T17:53:45Z | http://arxiv.org/pdf/2302.10845v1 | http://arxiv.org/abs/2302.10845v1 | Baihan Lin, Stefan Zecevic, Djallel Bouneffouf, Guillermo Cecchi | 2023-02-21T17:53:45Z | cs.CL, cs.AI, cs.HC, cs.LG | We present the TherapyView, a demonstration system to help therapists
visualize the dynamic contents of past treatment sessions, enabled by the
state-of-the-art neural topic modeling techniques to analyze the topical
tendencies of various psychiatric conditions and deep learning-based image
generation engine to provide a visual summary. The system incorporates temporal
modeling to provide a time-series representation of topic similarities at a
turn-level resolution and AI-generated artworks given the dialogue segments to
provide a concise representations of the contents covered in the session,
offering interpretable insights for therapists to optimize their strategies and
enhance the effectiveness of psychotherapy. This system provides a proof of
concept of AI-augmented therapy tools with e in-depth understanding of the
patient's mental state and enabling more effective treatment. | cs.CL | TherapyView: Visualizing Therapy Sessions with Temporal Topic Modeling and AI-Generated Arts |
2023-02-21T16:20:17Z | http://arxiv.org/pdf/2302.10786v3 | http://arxiv.org/abs/2302.10786v3 | George Boateng, Samuel John, Samuel Boateng, Philemon Badu, Patrick Agyeman-Budu, Victor Kumbol | 2024-04-26T23:30:46Z | cs.CL, cs.CY, cs.HC, cs.IR | Africa has a high student-to-teacher ratio which limits students' access to
teachers for learning support such as educational question answering. In this
work, we extended Kwame, a bilingual AI teaching assistant for coding
education, adapted it for science education, and deployed it as a web app.
Kwame for Science provides passages from well-curated knowledge sources and
related past national exam questions as answers to questions from students
based on the Integrated Science subject of the West African Senior Secondary
Certificate Examination (WASSCE). Furthermore, students can view past national
exam questions along with their answers and filter by year, question type, and
topics that were automatically categorized by a topic detection model which we
developed (91% unweighted average recall). We deployed Kwame for Science in the
real world over 8 months and had 750 users across 32 countries (15 in Africa)
and 1.5K questions asked. Our evaluation showed an 87.2% top 3 accuracy (n=109
questions) implying that Kwame for Science has a high chance of giving at least
one useful answer among the 3 displayed. We categorized the reasons the model
incorrectly answered questions to provide insights for future improvements. We
also share challenges and lessons with the development, deployment, and
human-computer interaction component of such a tool to enable other researchers
to deploy similar tools. With a first-of-its-kind tool within the African
context, Kwame for Science has the potential to enable the delivery of
scalable, cost-effective, and quality remote education to millions of people
across Africa. | cs.CL | Real-World Deployment and Evaluation of Kwame for Science, An AI Teaching Assistant for Science Education in West Africa |
2023-02-21T15:20:37Z | http://arxiv.org/pdf/2302.10724v4 | http://arxiv.org/abs/2302.10724v4 | Jan Kocoń, Igor Cichecki, Oliwier Kaszyca, Mateusz Kochanek, Dominika Szydło, Joanna Baran, Julita Bielaniewicz, Marcin Gruza, Arkadiusz Janz, Kamil Kanclerz, Anna Kocoń, Bartłomiej Koptyra, Wiktoria Mieleszczenko-Kowszewicz, Piotr Miłkowski, Marcin Oleksy, Maciej Piasecki, Łukasz Radliński, Konrad Wojtasik, Stanisław Woźniak, Przemysław Kazienko | 2023-06-09T19:52:34Z | cs.CL, cs.AI, cs.CY, cs.LG | OpenAI has released the Chat Generative Pre-trained Transformer (ChatGPT) and
revolutionized the approach in artificial intelligence to human-model
interaction. Several publications on ChatGPT evaluation test its effectiveness
on well-known natural language processing (NLP) tasks. However, the existing
studies are mostly non-automated and tested on a very limited scale. In this
work, we examined ChatGPT's capabilities on 25 diverse analytical NLP tasks,
most of them subjective even to humans, such as sentiment analysis, emotion
recognition, offensiveness, and stance detection. In contrast, the other tasks
require more objective reasoning like word sense disambiguation, linguistic
acceptability, and question answering. We also evaluated GPT-4 model on five
selected subsets of NLP tasks. We automated ChatGPT and GPT-4 prompting process
and analyzed more than 49k responses. Our comparison of its results with
available State-of-the-Art (SOTA) solutions showed that the average loss in
quality of the ChatGPT model was about 25% for zero-shot and few-shot
evaluation. For GPT-4 model, a loss for semantic tasks is significantly lower
than for ChatGPT. We showed that the more difficult the task (lower SOTA
performance), the higher the ChatGPT loss. It especially refers to pragmatic
NLP problems like emotion recognition. We also tested the ability to
personalize ChatGPT responses for selected subjective tasks via Random
Contextual Few-Shot Personalization, and we obtained significantly better
user-based predictions. Additional qualitative analysis revealed a ChatGPT
bias, most likely due to the rules imposed on human trainers by OpenAI. Our
results provide the basis for a fundamental discussion of whether the high
quality of recent predictive NLP models can indicate a tool's usefulness to
society and how the learning and validation procedures for such systems should
be established. | cs.CL | ChatGPT: Jack of all trades, master of none |
2023-02-21T14:52:21Z | http://arxiv.org/pdf/2302.10707v1 | http://arxiv.org/abs/2302.10707v1 | Yan Liu, Xiaokang Chen, Qi Dai | 2023-02-21T14:52:21Z | cs.CL | In order to reveal the rationale behind model predictions, many works have
exploited providing explanations in various forms. Recently, to further
guarantee readability, more and more works turn to generate sentence-level
human language explanations. However, current works pursuing sentence-level
explanations rely heavily on annotated training data, which limits the
development of interpretability to only a few tasks. As far as we know, this
paper is the first to explore this problem smoothly from weak-supervised
learning to unsupervised learning. Besides, we also notice the high latency of
autoregressive sentence-level explanation generation, which leads to
asynchronous interpretability after prediction. Therefore, we propose a
non-autoregressive interpretable model to facilitate parallel explanation
generation and simultaneous prediction. Through extensive experiments on
Natural Language Inference task and Spouse Prediction task, we find that users
are able to train classifiers with comparable performance $10-15\times$ faster
with parallel explanation generation using only a few or no annotated training
data. | cs.CL | Parallel Sentence-Level Explanation Generation for Real-World Low-Resource Scenarios |
2023-02-21T13:58:19Z | http://arxiv.org/pdf/2302.10680v1 | http://arxiv.org/abs/2302.10680v1 | Weizhou Shen, Xiaojun Quan, Ke Yang | 2023-02-21T13:58:19Z | cs.CL | To model the dependencies between utterances in multi-party conversations, we
propose a simple and generic framework based on the dependency parsing results
of utterances. Particularly, we present an approach to encoding the
dependencies in the form of relative dependency encoding (ReDE) and illustrate
how to implement it in Transformers by modifying the computation of
self-attention. Experimental results on four multi-party conversation
benchmarks show that this framework successfully boosts the general performance
of two Transformer-based language models and leads to comparable or even
superior performance compared to the state-of-the-art methods. The codes are
available at https://github.com/shenwzh3/ReDE. | cs.CL | Generic Dependency Modeling for Multi-Party Conversation |
2023-02-21T13:03:20Z | http://arxiv.org/pdf/2302.10646v1 | http://arxiv.org/abs/2302.10646v1 | Hisaichi Shibata, Soichiro Miki, Yuta Nakamura | 2023-02-21T13:03:20Z | cs.AI, cs.CL | The Werewolf game is a social deduction game based on free natural language
communication, in which players try to deceive others in order to survive. An
important feature of this game is that a large portion of the conversations are
false information, and the behavior of artificial intelligence (AI) in such a
situation has not been widely investigated. The purpose of this study is to
develop an AI agent that can play Werewolf through natural language
conversations. First, we collected game logs from 15 human players. Next, we
fine-tuned a Transformer-based pretrained language model to construct a value
network that can predict a posterior probability of winning a game at any given
phase of the game and given a candidate for the next action. We then developed
an AI agent that can interact with humans and choose the best voting target on
the basis of its probability from the value network. Lastly, we evaluated the
performance of the agent by having it actually play the game with human
players. We found that our AI agent, Deep Wolf, could play Werewolf as
competitively as average human players in a villager or a betrayer role,
whereas Deep Wolf was inferior to human players in a werewolf or a seer role.
These results suggest that current language models have the capability to
suspect what others are saying, tell a lie, or detect lies in conversations. | cs.AI | Playing the Werewolf game with artificial intelligence for language understanding |
2023-02-21T10:52:15Z | http://arxiv.org/pdf/2302.10593v1 | http://arxiv.org/abs/2302.10593v1 | Henk van den Heuvel, Martijn Bentum, Simone Wills, Judith C. Koops | 2023-02-21T10:52:15Z | cs.CL | In this paper, we explore the application of language and speech technology
to open-ended questions in a Dutch panel survey. In an experimental wave
respondents could choose to answer open questions via speech or keyboard.
Automatic speech recognition (ASR) was used to process spoken responses. We
evaluated answers from these input modalities to investigate differences
between spoken and typed answers.We report the errors the ASR system produces
and investigate the impact of these errors on downstream analyses. Open-ended
questions give more freedom to answer for respondents, but entail a non-trivial
amount of work to analyse. We evaluated the feasibility of using
transformer-based models (e.g. BERT) to apply sentiment analysis and topic
modelling on the answers of open questions. A big advantage of
transformer-based models is that they are trained on a large amount of language
materials and do not necessarily need training on the target materials. This is
especially advantageous for survey data, which does not contain a lot of text
materials. We tested the quality of automatic sentiment analysis by comparing
automatic labeling with three human raters and tested the robustness of topic
modelling by comparing the generated models based on automatic and manually
transcribed spoken answers. | cs.CL | Connecting Humanities and Social Sciences: Applying Language and Speech Technology to Online Panel Surveys |
2023-02-21T09:53:19Z | http://arxiv.org/pdf/2302.10570v1 | http://arxiv.org/abs/2302.10570v1 | Fan Chen, Yan Huang, Xinfang Zhang, Kang Luo, Jinxuan Zhu, Ruixian He | 2023-02-21T09:53:19Z | cs.CL, cs.AI, cs.SC | Semantic consistency recognition aims to detect and judge whether the
semantics of two text sentences are consistent with each other. However, the
existing methods usually encounter the challenges of synonyms, polysemy and
difficulty to understand long text. To solve the above problems, this paper
proposes a co-driven semantic consistency recognition method based on the
fusion of Transformer and HowNet sememes knowledge. Multi-level encoding of
internal sentence structures via data-driven is carried out firstly by
Transformer, sememes knowledge base HowNet is introduced for knowledge-driven
to model the semantic knowledge association among sentence pairs. Then,
interactive attention calculation is carried out utilizing soft-attention and
fusion the knowledge with sememes matrix. Finally, bidirectional long
short-term memory network (BiLSTM) is exploited to encode the conceptual
semantic information and infer the semantic consistency. Experiments are
conducted on two financial text matching datasets (BQ, AFQMC) and a
cross-lingual adversarial dataset (PAWSX) for paraphrase identification.
Compared with lightweight models including DSSM, MwAN, DRCN, and pre-training
models such as ERNIE etc., the proposed model can not only improve the accuracy
of semantic consistency recognition effectively (by 2.19%, 5.57% and 6.51%
compared with the DSSM, MWAN and DRCN models on the BQ dataset), but also
reduce the number of model parameters (to about 16M). In addition, driven by
the HowNet sememes knowledge, the proposed method is promising to adapt to
scenarios with long text. | cs.CL | Co-Driven Recognition of Semantic Consistency via the Fusion of Transformer and HowNet Sememes Knowledge |
2023-02-21T06:55:08Z | http://arxiv.org/pdf/2302.10479v1 | http://arxiv.org/abs/2302.10479v1 | Zhenxiao Cheng, Jie Zhou, Wen Wu, Qin Chen, Liang He | 2023-02-21T06:55:08Z | cs.CL | Gradient-based explanation methods play an important role in the field of
interpreting complex deep neural networks for NLP models. However, the existing
work has shown that the gradients of a model are unstable and easily
manipulable, which impacts the model's reliability largely. According to our
preliminary analyses, we also find the interpretability of gradient-based
methods is limited for complex tasks, such as aspect-based sentiment
classification (ABSC). In this paper, we propose an
\textbf{I}nterpretation-\textbf{E}nhanced \textbf{G}radient-based framework for
\textbf{A}BSC via a small number of explanation annotations, namely
\texttt{{IEGA}}. Particularly, we first calculate the word-level saliency map
based on gradients to measure the importance of the words in the sentence
towards the given aspect. Then, we design a gradient correction module to
enhance the model's attention on the correct parts (e.g., opinion words). Our
model is model agnostic and task agnostic so that it can be integrated into the
existing ABSC methods or other tasks. Comprehensive experimental results on
four benchmark datasets show that our \texttt{IEGA} can improve not only the
interpretability of the model but also the performance and robustness. | cs.CL | Tell Model Where to Attend: Improving Interpretability of Aspect-Based Sentiment Classification via Small Explanation Annotations |
2023-02-21T05:42:06Z | http://arxiv.org/pdf/2302.10454v2 | http://arxiv.org/abs/2302.10454v2 | Jinglun Cai, Mingda Li, Ziyan Jiang, Eunah Cho, Zheng Chen, Yang Liu, Xing Fan, Chenlei Guo | 2023-02-22T21:19:54Z | cs.CL, cs.LG | Query Rewriting (QR) plays a critical role in large-scale dialogue systems
for reducing frictions. When there is an entity error, it imposes extra
challenges for a dialogue system to produce satisfactory responses. In this
work, we propose KG-ECO: Knowledge Graph enhanced Entity COrrection for query
rewriting, an entity correction system with corrupt entity span detection and
entity retrieval/re-ranking functionalities. To boost the model performance, we
incorporate Knowledge Graph (KG) to provide entity structural information
(neighboring entities encoded by graph neural networks) and textual information
(KG entity descriptions encoded by RoBERTa). Experimental results show that our
approach yields a clear performance gain over two baselines: utterance level QR
and entity correction without utilizing KG information. The proposed system is
particularly effective for few-shot learning cases where target entities are
rarely seen in training or there is a KG relation between the target entity and
other contextual entities in the query. | cs.CL | KG-ECO: Knowledge Graph Enhanced Entity Correction for Query Rewriting |
2023-02-21T05:24:00Z | http://arxiv.org/pdf/2302.10447v3 | http://arxiv.org/abs/2302.10447v3 | Wenxiong Liao, Zhengliang Liu, Haixing Dai, Zihao Wu, Yiyang Zhang, Xiaoke Huang, Yuzhong Chen, Xi Jiang, Wei Liu, Dajiang Zhu, Tianming Liu, Sheng Li, Xiang Li, Hongmin Cai | 2023-03-09T01:38:38Z | cs.CL, cs.AI | Transformer-based language models have achieved significant success in
various domains. However, the data-intensive nature of the transformer
architecture requires much labeled data, which is challenging in low-resource
scenarios (i.e., few-shot learning (FSL)). The main challenge of FSL is the
difficulty of training robust models on small amounts of samples, which
frequently leads to overfitting. Here we present Mask-BERT, a simple and
modular framework to help BERT-based architectures tackle FSL. The proposed
approach fundamentally differs from existing FSL strategies such as prompt
tuning and meta-learning. The core idea is to selectively apply masks on text
inputs and filter out irrelevant information, which guides the model to focus
on discriminative tokens that influence prediction results. In addition, to
make the text representations from different categories more separable and the
text representations from the same category more compact, we introduce a
contrastive learning loss function. Experimental results on public-domain
benchmark datasets demonstrate the effectiveness of Mask-BERT. | cs.CL | Mask-guided BERT for Few Shot Text Classification |
2023-02-21T02:42:03Z | http://arxiv.org/pdf/2302.10406v1 | http://arxiv.org/abs/2302.10406v1 | Min Cen, Xingyu Li, Bangwei Guo, Jitendra Jonnagaddala, Hong Zhang, Xu Steven Xu | 2023-02-21T02:42:03Z | cs.CL, cs.CV, cs.LG, eess.IV, q-bio.QM | NLP-based computer vision models, particularly vision transformers, have been
shown to outperform CNN models in many imaging tasks. However, most digital
pathology artificial-intelligence models are based on CNN architectures,
probably owing to a lack of data regarding NLP models for pathology images. In
this study, we developed digital pathology pipelines to benchmark the five most
recently proposed NLP models (vision transformer (ViT), Swin Transformer,
MobileViT, CMT, and Sequencer2D) and four popular CNN models (ResNet18,
ResNet50, MobileNetV2, and EfficientNet) to predict biomarkers in colorectal
cancer (microsatellite instability, CpG island methylator phenotype, and BRAF
mutation). Hematoxylin and eosin-stained whole-slide images from Molecular and
Cellular Oncology and The Cancer Genome Atlas were used as training and
external validation datasets, respectively. Cross-study external validations
revealed that the NLP-based models significantly outperformed the CNN-based
models in biomarker prediction tasks, improving the overall prediction and
precision up to approximately 10% and 26%, respectively. Notably, compared with
existing models in the current literature using large training datasets, our
NLP models achieved state-of-the-art predictions for all three biomarkers using
a relatively small training dataset, suggesting that large training datasets
are not a prerequisite for NLP models or transformers, and NLP may be more
suitable for clinical studies in which small training datasets are commonly
collected. The superior performance of Sequencer2D suggests that further
research and innovation on both transformer and bidirectional long short-term
memory architectures are warranted in the field of digital pathology. NLP
models can replace classic CNN architectures and become the new workhorse
backbone in the field of digital pathology. | cs.CL | Time to Embrace Natural Language Processing (NLP)-based Digital Pathology: Benchmarking NLP- and Convolutional Neural Network-based Deep Learning Pipelines |
2023-02-20T22:21:26Z | http://arxiv.org/pdf/2302.10346v1 | http://arxiv.org/abs/2302.10346v1 | Kuntal Kumar Pal, Kazuaki Kashihara, Ujjwala Anantheswaran, Kirby C. Kuznia, Siddhesh Jagtap, Chitta Baral | 2023-02-20T22:21:26Z | cs.CL, cs.AI, cs.CR | With the increase in cybersecurity vulnerabilities of software systems, the
ways to exploit them are also increasing. Besides these, malware threats,
irregular network interactions, and discussions about exploits in public forums
are also on the rise. To identify these threats faster, to detect potentially
relevant entities from any texts, and to be aware of software vulnerabilities,
automated approaches are necessary. Application of natural language processing
(NLP) techniques in the Cybersecurity domain can help in achieving this.
However, there are challenges such as the diverse nature of texts involved in
the cybersecurity domain, the unavailability of large-scale publicly available
datasets, and the significant cost of hiring subject matter experts for
annotations. One of the solutions is building multi-task models that can be
trained jointly with limited data. In this work, we introduce a generative
multi-task model, Unified Text-to-Text Cybersecurity (UTS), trained on malware
reports, phishing site URLs, programming code constructs, social media data,
blogs, news articles, and public forum posts. We show UTS improves the
performance of some cybersecurity datasets. We also show that with a few
examples, UTS can be adapted to novel unseen tasks and the nature of data | cs.CL | Exploring the Limits of Transfer Learning with Unified Model in the Cybersecurity Domain |
2023-02-20T22:10:04Z | http://arxiv.org/pdf/2302.10342v1 | http://arxiv.org/abs/2302.10342v1 | Yihao Feng, Shentao Yang, Shujian Zhang, Jianguo Zhang, Caiming Xiong, Mingyuan Zhou, Huan Wang | 2023-02-20T22:10:04Z | cs.CL | When learning task-oriented dialogue (ToD) agents, reinforcement learning
(RL) techniques can naturally be utilized to train dialogue strategies to
achieve user-specific goals. Prior works mainly focus on adopting advanced RL
techniques to train the ToD agents, while the design of the reward function is
not well studied. This paper aims at answering the question of how to
efficiently learn and leverage a reward function for training end-to-end (E2E)
ToD agents. Specifically, we introduce two generalized objectives for
reward-function learning, inspired by the classical learning-to-rank
literature. Further, we utilize the learned reward function to guide the
training of the E2E ToD agent. With the proposed techniques, we achieve
competitive results on the E2E response-generation task on the Multiwoz 2.0
dataset. Source code and checkpoints are publicly released at
https://github.com/Shentao-YANG/Fantastic_Reward_ICLR2023. | cs.CL | Fantastic Rewards and How to Tame Them: A Case Study on Reward Learning for Task-oriented Dialogue Systems |
2023-02-20T21:26:25Z | http://arxiv.org/pdf/2302.10322v1 | http://arxiv.org/abs/2302.10322v1 | Bobby He, James Martens, Guodong Zhang, Aleksandar Botev, Andrew Brock, Samuel L Smith, Yee Whye Teh | 2023-02-20T21:26:25Z | cs.LG, cs.AI, cs.CL, stat.ML | Skip connections and normalisation layers form two standard architectural
components that are ubiquitous for the training of Deep Neural Networks (DNNs),
but whose precise roles are poorly understood. Recent approaches such as Deep
Kernel Shaping have made progress towards reducing our reliance on them, using
insights from wide NN kernel theory to improve signal propagation in vanilla
DNNs (which we define as networks without skips or normalisation). However,
these approaches are incompatible with the self-attention layers present in
transformers, whose kernels are intrinsically more complicated to analyse and
control. And so the question remains: is it possible to train deep vanilla
transformers? We answer this question in the affirmative by designing several
approaches that use combinations of parameter initialisations, bias matrices
and location-dependent rescaling to achieve faithful signal propagation in
vanilla transformers. Our methods address various intricacies specific to
signal propagation in transformers, including the interaction with positional
encoding and causal masking. In experiments on WikiText-103 and C4, our
approaches enable deep transformers without normalisation to train at speeds
matching their standard counterparts, and deep vanilla transformers to reach
the same performance as standard ones after about 5 times more iterations. | cs.LG | Deep Transformers without Shortcuts: Modifying Self-attention for Faithful Signal Propagation |
2023-02-20T18:53:56Z | http://arxiv.org/pdf/2302.10166v3 | http://arxiv.org/abs/2302.10166v3 | Pengyu Nie, Rahul Banerjee, Junyi Jessy Li, Raymond J. Mooney, Milos Gligoric | 2023-03-07T06:47:30Z | cs.SE, cs.CL, cs.LG | Writing tests is a time-consuming yet essential task during software
development. We propose to leverage recent advances in deep learning for text
and code generation to assist developers in writing tests. We formalize the
novel task of test completion to automatically complete the next statement in a
test method based on the context of prior statements and the code under test.
We develop TeCo -- a deep learning model using code semantics for test
completion. The key insight underlying TeCo is that predicting the next
statement in a test method requires reasoning about code execution, which is
hard to do with only syntax-level data that existing code completion models
use. TeCo extracts and uses six kinds of code semantics data, including the
execution result of prior statements and the execution context of the test
method. To provide a testbed for this new task, as well as to evaluate TeCo, we
collect a corpus of 130,934 test methods from 1,270 open-source Java projects.
Our results show that TeCo achieves an exact-match accuracy of 18, which is 29%
higher than the best baseline using syntax-level data only. When measuring
functional correctness of generated next statement, TeCo can generate runnable
code in 29% of the cases compared to 18% obtained by the best baseline.
Moreover, TeCo is significantly better than prior work on test oracle
generation. | cs.SE | Learning Deep Semantics for Test Completion |
2023-02-20T18:21:02Z | http://arxiv.org/pdf/2302.10143v1 | http://arxiv.org/abs/2302.10143v1 | Shizhe Diao, Sedrick Scott Keh, Liangming Pan, Zhiliang Tian, Yan Song, Tong Zhang | 2023-02-20T18:21:02Z | cs.CL, cs.CY | Social media classification tasks (e.g., tweet sentiment analysis, tweet
stance detection) are challenging because social media posts are typically
short, informal, and ambiguous. Thus, training on tweets is challenging and
demands large-scale human-annotated labels, which are time-consuming and costly
to obtain. In this paper, we find that providing hashtags to social media
tweets can help alleviate this issue because hashtags can enrich short and
ambiguous tweets in terms of various information, such as topic, sentiment, and
stance. This motivates us to propose a novel Hashtag-guided Tweet
Classification model (HashTation), which automatically generates meaningful
hashtags for the input tweet to provide useful auxiliary signals for tweet
classification. To generate high-quality and insightful hashtags, our hashtag
generation model retrieves and encodes the post-level and entity-level
information across the whole corpus. Experiments show that HashTation achieves
significant improvements on seven low-resource tweet classification tasks, in
which only a limited amount of training data is provided, showing that
automatically enriching tweets with model-generated hashtags could
significantly reduce the demand for large-scale human-labeled data. Further
analysis demonstrates that HashTation is able to generate high-quality hashtags
that are consistent with the tweets and their labels. The code is available at
https://github.com/shizhediao/HashTation. | cs.CL | Hashtag-Guided Low-Resource Tweet Classification |
2023-02-20T16:48:34Z | http://arxiv.org/pdf/2302.10086v1 | http://arxiv.org/abs/2302.10086v1 | Anders Søgaard, Daniel Hershcovich, Miryam de Lhoneux | 2023-02-20T16:48:34Z | cs.CL | Van Miltenburg et al. (2021) suggest NLP research should adopt
preregistration to prevent fishing expeditions and to promote publication of
negative results. At face value, this is a very reasonable suggestion,
seemingly solving many methodological problems with NLP research. We discuss
pros and cons -- some old, some new: a) Preregistration is challenged by the
practice of retrieving hypotheses after the results are known; b)
preregistration may bias NLP toward confirmatory research; c) preregistration
must allow for reclassification of research as exploratory; d) preregistration
may increase publication bias; e) preregistration may increase flag-planting;
f) preregistration may increase p-hacking; and finally, g) preregistration may
make us less risk tolerant. We cast our discussion as a dialogue, presenting
both sides of the debate. | cs.CL | A Two-Sided Discussion of Preregistration of NLP Research |
2023-02-20T15:43:22Z | http://arxiv.org/pdf/2302.13795v1 | http://arxiv.org/abs/2302.13795v1 | Christoph Leiter, Ran Zhang, Yanran Chen, Jonas Belouadi, Daniil Larionov, Vivian Fresen, Steffen Eger | 2023-02-20T15:43:22Z | cs.CL | ChatGPT, a chatbot developed by OpenAI, has gained widespread popularity and
media attention since its release in November 2022. However, little hard
evidence is available regarding its perception in various sources. In this
paper, we analyze over 300,000 tweets and more than 150 scientific papers to
investigate how ChatGPT is perceived and discussed. Our findings show that
ChatGPT is generally viewed as of high quality, with positive sentiment and
emotions of joy dominating in social media. Its perception has slightly
decreased since its debut, however, with joy decreasing and (negative) surprise
on the rise, and it is perceived more negatively in languages other than
English. In recent scientific papers, ChatGPT is characterized as a great
opportunity across various fields including the medical domain, but also as a
threat concerning ethics and receives mixed assessments for education. Our
comprehensive meta-analysis of ChatGPT's current perception after 2.5 months
since its release can contribute to shaping the public debate and informing its
future development. We make our data available. | cs.CL | ChatGPT: A Meta-Analysis after 2.5 Months |
2023-02-20T15:14:46Z | http://arxiv.org/pdf/2302.10025v2 | http://arxiv.org/abs/2302.10025v2 | Jiasheng Ye, Zaixiang Zheng, Yu Bao, Lihua Qian, Mingxuan Wang | 2024-05-01T02:58:30Z | cs.CL, cs.AI, cs.LG | While diffusion models have achieved great success in generating continuous
signals such as images and audio, it remains elusive for diffusion models in
learning discrete sequence data like natural languages. Although recent
advances circumvent this challenge of discreteness by embedding discrete tokens
as continuous surrogates, they still fall short of satisfactory generation
quality. To understand this, we first dive deep into the denoised training
protocol of diffusion-based sequence generative models and determine their
three severe problems, i.e., 1) failing to learn, 2) lack of scalability, and
3) neglecting source conditions. We argue that these problems can be boiled
down to the pitfall of the not completely eliminated discreteness in the
embedding space, and the scale of noises is decisive herein. In this paper, we
introduce DINOISER to facilitate diffusion models for sequence generation by
manipulating noises. We propose to adaptively determine the range of sampled
noise scales for counter-discreteness training; and encourage the proposed
diffused sequence learner to leverage source conditions with amplified noise
scales during inference. Experiments show that DINOISER enables consistent
improvement over the baselines of previous diffusion-based sequence generative
models on several conditional sequence modeling benchmarks thanks to both
effective training and inference strategies. Analyses further verify that
DINOISER can make better use of source conditions to govern its generative
process. | cs.CL | DINOISER: Diffused Conditional Sequence Learning by Manipulating Noises |
2023-02-20T14:46:54Z | http://arxiv.org/pdf/2302.10016v1 | http://arxiv.org/abs/2302.10016v1 | Zoltán Kmetty, Bence Kollányi, Krisztián Boros | 2023-02-20T14:46:54Z | cs.CL, cs.LG | Transformer-based machine learning models have become an essential tool for
many natural language processing (NLP) tasks since the introduction of the
method. A common objective of these projects is to classify text data.
Classification models are often extended to a different topic and/or time
period. In these situations, deciding how long a classification is suitable for
and when it is worth re-training our model is difficult. This paper compares
different approaches to fine-tune a BERT model for a long-running
classification task. We use data from different periods to fine-tune our
original BERT model, and we also measure how a second round of annotation could
boost the classification quality. Our corpus contains over 8 million comments
on COVID-19 vaccination in Hungary posted between September 2020 and December
2021. Our results show that the best solution is using all available unlabeled
comments to fine-tune a model. It is not advisable to focus only on comments
containing words that our model has not encountered before; a more efficient
solution is randomly sample comments from the new period. Fine-tuning does not
prevent the model from losing performance but merely slows it down. In a
rapidly changing linguistic environment, it is not possible to maintain model
performance without regularly annotating new text. | cs.CL | Boosting classification reliability of NLP transformer models in the long run |
2023-02-20T14:07:43Z | http://arxiv.org/pdf/2302.09991v1 | http://arxiv.org/abs/2302.09991v1 | Yannis Tevissen, Jérôme Boudy, Gérard Chollet, Frédéric Petitpont | 2023-02-20T14:07:43Z | cs.SD, cs.CL, eess.AS | Speaker diarization, or the task of finding "who spoke and when", is now used
in almost every speech processing application. Nevertheless, its fairness has
not yet been evaluated because there was no protocol to study its biases one by
one. In this paper we propose a protocol and a scoring method designed to
evaluate speaker diarization fairness. This protocol is applied on a large
dataset of spoken utterances and report the performances of speaker diarization
depending on the gender, the age, the accent of the speaker and the length of
the spoken sentence. Some biases induced by the gender, or the accent of the
speaker were identified when we applied a state-of-the-art speaker diarization
method. | cs.SD | Towards Measuring and Scoring Speaker Diarization Fairness |
2023-02-20T12:57:12Z | http://arxiv.org/pdf/2302.10205v2 | http://arxiv.org/abs/2302.10205v2 | Xiang Wei, Xingyu Cui, Ning Cheng, Xiaobin Wang, Xin Zhang, Shen Huang, Pengjun Xie, Jinan Xu, Yufeng Chen, Meishan Zhang, Yong Jiang, Wenjuan Han | 2024-05-27T07:08:31Z | cs.CL | Zero-shot information extraction (IE) aims to build IE systems from the
unannotated text. It is challenging due to involving little human intervention.
Challenging but worthwhile, zero-shot IE reduces the time and effort that data
labeling takes. Recent efforts on large language models (LLMs, e.g., GPT-3,
ChatGPT) show promising performance on zero-shot settings, thus inspiring us to
explore prompt-based methods. In this work, we ask whether strong IE models can
be constructed by directly prompting LLMs. Specifically, we transform the
zero-shot IE task into a multi-turn question-answering problem with a two-stage
framework (ChatIE). With the power of ChatGPT, we extensively evaluate our
framework on three IE tasks: entity-relation triple extract, named entity
recognition, and event extraction. Empirical results on six datasets across two
languages show that ChatIE achieves impressive performance and even surpasses
some full-shot models on several datasets (e.g., NYT11-HRL). We believe that
our work could shed light on building IE models with limited resources. | cs.CL | ChatIE: Zero-Shot Information Extraction via Chatting with ChatGPT |
2023-02-20T11:09:37Z | http://arxiv.org/pdf/2302.09908v2 | http://arxiv.org/abs/2302.09908v2 | Lingwei Meng, Jiawen Kang, Mingyu Cui, Yuejiao Wang, Xixin Wu, Helen Meng | 2023-03-05T23:10:24Z | cs.SD, cs.AI, cs.CL, cs.LG, eess.AS | Although automatic speech recognition (ASR) can perform well in common
non-overlapping environments, sustaining performance in multi-talker
overlapping speech recognition remains challenging. Recent research revealed
that ASR model's encoder captures different levels of information with
different layers -- the lower layers tend to have more acoustic information,
and the upper layers more linguistic. This inspires us to develop a Sidecar
separator to empower a well-trained ASR model for multi-talker scenarios by
separating the mixed speech embedding between two suitable layers. We
experimented with a wav2vec 2.0-based ASR model with a Sidecar mounted. By
freezing the parameters of the original model and training only the Sidecar
(8.7 M, 8.4% of all parameters), the proposed approach outperforms the previous
state-of-the-art by a large margin for the 2-speaker mixed LibriMix dataset,
reaching a word error rate (WER) of 10.36%; and obtains comparable results
(7.56%) for LibriSpeechMix dataset when limited training. | cs.SD | A Sidecar Separator Can Convert a Single-Talker Speech Recognition System to a Multi-Talker One |
2023-02-20T10:30:16Z | http://arxiv.org/pdf/2302.09887v2 | http://arxiv.org/abs/2302.09887v2 | Pratik Saini, Samiran Pal, Tapas Nayak, Indrajit Bhattacharya | 2023-10-27T05:14:46Z | cs.CL | Extracting relational triples from text is a crucial task for constructing
knowledge bases. Recent advancements in joint entity and relation extraction
models have demonstrated remarkable F1 scores ($\ge 90\%$) in accurately
extracting relational triples from free text. However, these models have been
evaluated under restrictive experimental settings and unrealistic datasets.
They overlook sentences with zero triples (zero-cardinality), thereby
simplifying the task. In this paper, we present a benchmark study of
state-of-the-art joint entity and relation extraction models under a more
realistic setting. We include sentences that lack any triples in our
experiments, providing a comprehensive evaluation. Our findings reveal a
significant decline (approximately 10-15\% in one dataset and 6-14\% in another
dataset) in the models' F1 scores within this realistic experimental setup.
Furthermore, we propose a two-step modeling approach that utilizes a simple
BERT-based classifier. This approach leads to overall performance improvement
in these models within the realistic experimental setting. | cs.CL | 90% F1 Score in Relational Triple Extraction: Is it Real ? |
2023-02-20T10:25:28Z | http://arxiv.org/pdf/2302.09885v1 | http://arxiv.org/abs/2302.09885v1 | Yunhao Yuan, Koustuv Saha, Barbara Keller, Erkki Tapio Isometsä, Talayeh Aledavood | 2023-02-20T10:25:28Z | cs.CY, cs.CL, cs.SI | The Papageno effect concerns how media can play a positive role in preventing
and mitigating suicidal ideation and behaviors. With the increasing ubiquity
and widespread use of social media, individuals often express and share lived
experiences and struggles with mental health. However, there is a gap in our
understanding about the existence and effectiveness of the Papageno effect in
social media, which we study in this paper. In particular, we adopt a
causal-inference framework to examine the impact of exposure to mental health
coping stories on individuals on Twitter. We obtain a Twitter dataset with
$\sim$2M posts by $\sim$10K individuals. We consider engaging with coping
stories as the Treatment intervention, and adopt a stratified propensity score
approach to find matched cohorts of Treatment and Control individuals. We
measure the psychosocial shifts in affective, behavioral, and cognitive
outcomes in longitudinal Twitter data before and after engaging with the coping
stories. Our findings reveal that, engaging with coping stories leads to
decreased stress and depression, and improved expressive writing, diversity,
and interactivity. Our work discusses the practical and platform design
implications in supporting mental wellbeing. | cs.CY | Mental Health Coping Stories on Social Media: A Causal-Inference Study of Papageno Effect |
2023-02-20T09:56:51Z | http://arxiv.org/pdf/2302.09865v2 | http://arxiv.org/abs/2302.09865v2 | Nathanaël Carraz Rakotonirina, Roberto Dessì, Fabio Petroni, Sebastian Riedel, Marco Baroni | 2023-03-07T07:23:38Z | cs.CL, cs.AI, cs.LG | We study whether automatically-induced prompts that effectively extract
information from a language model can also be used, out-of-the-box, to probe
other language models for the same information. After confirming that discrete
prompts induced with the AutoPrompt algorithm outperform manual and semi-manual
prompts on the slot-filling task, we demonstrate a drop in performance for
AutoPrompt prompts learned on a model and tested on another. We introduce a way
to induce prompts by mixing language models at training time that results in
prompts that generalize well across models. We conduct an extensive analysis of
the induced prompts, finding that the more general prompts include a larger
proportion of existing English words and have a less order-dependent and more
uniform distribution of information across their component tokens. Our work
provides preliminary evidence that it's possible to generate discrete prompts
that can be induced once and used with a number of different models, and gives
insights on the properties characterizing such prompts. | cs.CL | Can discrete information extraction prompts generalize across language models? |
2023-02-20T09:41:02Z | http://arxiv.org/pdf/2302.09860v1 | http://arxiv.org/abs/2302.09860v1 | Ianna Osborne, Jim Pivarski | 2023-02-20T09:41:02Z | hep-ex, astro-ph.IM, cs.CL, physics.data-an | Awkward Arrays and RDataFrame provide two very different ways of performing
calculations at scale. By adding the ability to zero-copy convert between them,
users get the best of both. It gives users a better flexibility in mixing
different packages and languages in their analysis. In Awkward Array version 2,
the ak.to_rdataframe function presents a view of an Awkward Array as an
RDataFrame source. This view is generated on demand and the data are not
copied. The column readers are generated based on the run-time type of the
views. The readers are passed to a generated source derived from
ROOT::RDF::RDataSource. The ak.from_rdataframe function converts the selected
columns as native Awkward Arrays. The details of the implementation exploiting
JIT techniques are discussed. The examples of analysis of data stored in
Awkward Arrays via a high-level interface of an RDataFrame are presented. A few
examples of the column definition, applying user-defined filters written in
C++, and plotting or extracting the columnar data as Awkward Arrays are shown.
Current limitations and future plans are discussed. | hep-ex | Awkward to RDataFrame and back |
2023-02-20T09:38:11Z | http://arxiv.org/pdf/2302.09856v3 | http://arxiv.org/abs/2302.09856v3 | Zihan Zhao, Yu Wang, Yanfeng Wang | 2023-03-07T07:53:35Z | cs.CL, cs.SD, eess.AS | Multimodal emotion recognition is a challenging research area that aims to
fuse different modalities to predict human emotion. However, most existing
models that are based on attention mechanisms have difficulty in learning
emotionally relevant parts on their own. To solve this problem, we propose to
incorporate external emotion-related knowledge in the co-attention based fusion
of pre-trained models. To effectively incorporate this knowledge, we enhance
the co-attention model with a Bayesian attention module (BAM) where a prior
distribution is estimated using the emotion-related knowledge. Experimental
results on the IEMOCAP dataset show that the proposed approach can outperform
several state-of-the-art approaches by at least 0.7% unweighted accuracy (UA). | cs.CL | Knowledge-aware Bayesian Co-attention for Multimodal Emotion Recognition |
2023-02-20T09:26:11Z | http://arxiv.org/pdf/2302.09852v3 | http://arxiv.org/abs/2302.09852v3 | Maxime Darrin, Guillaume Staerman, Eduardo Dadalto Câmara Gomes, Jackie CK Cheung, Pablo Piantanida, Pierre Colombo | 2024-02-21T17:47:37Z | cs.CL, cs.AI | Out-of-distribution (OOD) detection is a rapidly growing field due to new
robustness and security requirements driven by an increased number of AI-based
systems. Existing OOD textual detectors often rely on an anomaly score (e.g.,
Mahalanobis distance) computed on the embedding output of the last layer of the
encoder. In this work, we observe that OOD detection performance varies greatly
depending on the task and layer output. More importantly, we show that the
usual choice (the last layer) is rarely the best one for OOD detection and that
far better results could be achieved if the best layer were picked. To leverage
this observation, we propose a data-driven, unsupervised method to combine
layer-wise anomaly scores. In addition, we extend classical textual OOD
benchmarks by including classification tasks with a greater number of classes
(up to 77), which reflects more realistic settings. On this augmented
benchmark, we show that the proposed post-aggregation methods achieve robust
and consistent results while removing manual feature selection altogether.
Their performance achieves near oracle's best layer performance. | cs.CL | Unsupervised Layer-wise Score Aggregation for Textual OOD Detection |
2023-02-20T07:51:15Z | http://arxiv.org/pdf/2302.09820v1 | http://arxiv.org/abs/2302.09820v1 | Hanxu Hu, Yunqing Liu, Zhongyi Yu, Laura Perez-Beltrachini | 2023-02-20T07:51:15Z | cs.CL | In this work we study user controlled table-to-text generation where users
explore the content in a table by selecting cells and reading a natural
language description thereof automatically produce by a natural language
generator. Such generation models usually learn from carefully selected cell
combinations (clean cell selections); however, in practice users may select
unexpected, redundant, or incoherent cell combinations (noisy cell selections).
In experiments, we find that models perform well on test sets coming from the
same distribution as the train data but their performance drops when evaluated
on realistic noisy user inputs. We propose a fine-tuning regime with additional
user-simulated noisy cell selections. Models fine-tuned with the proposed
regime gain 4.85 BLEU points on user noisy test cases and 1.4 on clean test
cases; and achieve comparable state-of-the-art performance on the ToTTo
dataset. | cs.CL | Improving User Controlled Table-To-Text Generation Robustness |
2023-02-20T06:39:06Z | http://arxiv.org/pdf/2306.17582v2 | http://arxiv.org/abs/2306.17582v2 | Sai Vemprala, Rogerio Bonatti, Arthur Bucker, Ashish Kapoor | 2023-07-19T19:30:28Z | cs.AI, cs.CL, cs.HC, cs.LG, cs.RO | This paper presents an experimental study regarding the use of OpenAI's
ChatGPT for robotics applications. We outline a strategy that combines design
principles for prompt engineering and the creation of a high-level function
library which allows ChatGPT to adapt to different robotics tasks, simulators,
and form factors. We focus our evaluations on the effectiveness of different
prompt engineering techniques and dialog strategies towards the execution of
various types of robotics tasks. We explore ChatGPT's ability to use free-form
dialog, parse XML tags, and to synthesize code, in addition to the use of
task-specific prompting functions and closed-loop reasoning through dialogues.
Our study encompasses a range of tasks within the robotics domain, from basic
logical, geometrical, and mathematical reasoning all the way to complex domains
such as aerial navigation, manipulation, and embodied agents. We show that
ChatGPT can be effective at solving several of such tasks, while allowing users
to interact with it primarily via natural language instructions. In addition to
these studies, we introduce an open-sourced research tool called PromptCraft,
which contains a platform where researchers can collaboratively upload and vote
on examples of good prompting schemes for robotics applications, as well as a
sample robotics simulator with ChatGPT integration, making it easier for users
to get started with using ChatGPT for robotics. | cs.AI | ChatGPT for Robotics: Design Principles and Model Abilities |
2023-02-20T05:46:47Z | http://arxiv.org/pdf/2302.09775v2 | http://arxiv.org/abs/2302.09775v2 | Mehrdad Ranjbar-Khadivi, Shahin Akbarpour, Mohammad-Reza Feizi-Derakhshi, Babak Anari | 2023-07-18T10:19:50Z | cs.CL, cs.AI, cs.SI | In this paper, we propose a framework to detect topics in social media based
on Human Word Association. Identifying topics discussed in these media has
become a critical and significant challenge. Most of the work done in this area
is in English, but much has been done in the Persian language, especially
microblogs written in Persian. Also, the existing works focused more on
exploring frequent patterns or semantic relationships and ignored the
structural methods of language. In this paper, a topic detection framework
using HWA, a method for Human Word Association, is proposed. This method uses
the concept of imitation of mental ability for word association. This method
also calculates the Associative Gravity Force that shows how words are related.
Using this parameter, a graph can be generated. The topics can be extracted by
embedding this graph and using clustering methods. This approach has been
applied to a Persian language dataset collected from Telegram. Several
experimental studies have been performed to evaluate the proposed framework's
performance. Experimental results show that this approach works better than
other topic detection methods. | cs.CL | Persian topic detection based on Human Word association and graph embedding |
2023-02-20T03:13:45Z | http://arxiv.org/pdf/2302.09736v2 | http://arxiv.org/abs/2302.09736v2 | Weihong Zhong, Mao Zheng, Duyu Tang, Xuan Luo, Heng Gong, Xiaocheng Feng, Bing Qin | 2023-05-24T01:03:09Z | cs.CV, cs.CL | Although large-scale video-language pre-training models, which usually build
a global alignment between the video and the text, have achieved remarkable
progress on various downstream tasks, the idea of adopting fine-grained
information during the pre-training stage is not well explored. In this work,
we propose STOA-VLP, a pre-training framework that jointly models object and
action information across spatial and temporal dimensions. More specifically,
the model regards object trajectories across frames and multiple action
features from the video as fine-grained features. Besides, We design two
auxiliary tasks to better incorporate both kinds of information into the
pre-training process of the video-language model. The first is the dynamic
object-text alignment task, which builds a better connection between object
trajectories and the relevant noun tokens. The second is the spatial-temporal
action set prediction, which guides the model to generate consistent action
features by predicting actions found in the text. Extensive experiments on
three downstream tasks (video captioning, text-video retrieval, and video
question answering) demonstrate the effectiveness of our proposed STOA-VLP
(e.g. 3.7 Rouge-L improvements on MSR-VTT video captioning benchmark, 2.9%
accuracy improvements on MSVD video question answering benchmark, compared to
previous approaches). | cs.CV | STOA-VLP: Spatial-Temporal Modeling of Object and Action for Video-Language Pre-training |
2023-02-20T02:21:30Z | http://arxiv.org/pdf/2302.09723v2 | http://arxiv.org/abs/2302.09723v2 | Leyuan Qu, Cornelius Weber, Stefan Wermter | 2023-02-21T09:44:33Z | cs.CL, cs.SD, eess.AS | Due to the dynamic nature of human language, automatic speech recognition
(ASR) systems need to continuously acquire new vocabulary. Out-Of-Vocabulary
(OOV) words, such as trending words and new named entities, pose problems to
modern ASR systems that require long training times to adapt their large
numbers of parameters. Different from most previous research focusing on
language model post-processing, we tackle this problem on an earlier processing
level and eliminate the bias in acoustic modeling to recognize OOV words
acoustically. We propose to generate OOV words using text-to-speech systems and
to rescale losses to encourage neural networks to pay more attention to OOV
words. Specifically, we enlarge the classification loss used for training
neural networks' parameters of utterances containing OOV words
(sentence-level), or rescale the gradient used for back-propagation for OOV
words (word-level), when fine-tuning a previously trained model on synthetic
audio. To overcome catastrophic forgetting, we also explore the combination of
loss rescaling and model regularization, i.e. L2 regularization and elastic
weight consolidation (EWC). Compared with previous methods that just fine-tune
synthetic audio with EWC, the experimental results on the LibriSpeech benchmark
reveal that our proposed loss rescaling approach can achieve significant
improvement on the recall rate with only a slight decrease on word error rate.
Moreover, word-level rescaling is more stable than utterance-level rescaling
and leads to higher recall rates and precision on OOV word recognition.
Furthermore, our proposed combined loss rescaling and weight consolidation
methods can support continual learning of an ASR system. | cs.CL | Emphasizing Unseen Words: New Vocabulary Acquisition for End-to-End Speech Recognition |
2023-02-20T01:51:01Z | http://arxiv.org/pdf/2302.09715v2 | http://arxiv.org/abs/2302.09715v2 | Sahithya Ravi, Chris Tanner, Raymond Ng, Vered Shwartz | 2023-02-21T22:44:34Z | cs.CL | Event coreference models cluster event mentions pertaining to the same
real-world event. Recent models rely on contextualized representations to
recognize coreference among lexically or contextually similar mentions.
However, models typically fail to leverage commonsense inferences, which is
particularly limiting for resolving lexically-divergent mentions. We propose a
model that extends event mentions with temporal commonsense inferences. Given a
complex sentence with multiple events, e.g., "The man killed his wife and got
arrested", with the target event "arrested", our model generates plausible
events that happen before the target event - such as "the police arrived", and
after it, such as "he was sentenced". We show that incorporating such
inferences into an existing event coreference model improves its performance,
and we analyze the coreferences in which such temporal knowledge is required. | cs.CL | What happens before and after: Multi-Event Commonsense in Event Coreference Resolution |
2023-02-19T22:53:03Z | http://arxiv.org/pdf/2302.09685v1 | http://arxiv.org/abs/2302.09685v1 | Ankan Mullick, Ishani Mondal, Sourjyadip Ray, R Raghav, G Sai Chaitanya, Pawan Goyal | 2023-02-19T22:53:03Z | cs.IR, cs.CL | Scarcity of data and technological limitations for resource-poor languages in
developing countries like India poses a threat to the development of
sophisticated NLU systems for healthcare. To assess the current status of
various state-of-the-art language models in healthcare, this paper studies the
problem by initially proposing two different Healthcare datasets, Indian
Healthcare Query Intent-WebMD and 1mg (IHQID-WebMD and IHQID-1mg) and one real
world Indian hospital query data in English and multiple Indic languages
(Hindi, Bengali, Tamil, Telugu, Marathi and Gujarati) which are annotated with
the query intents as well as entities. Our aim is to detect query intents and
extract corresponding entities. We perform extensive experiments on a set of
models in various realistic settings and explore two scenarios based on the
access to English data only (less costly) and access to target language data
(more expensive). We analyze context specific practical relevancy through
empirical analysis. The results, expressed in terms of overall F1 score show
that our approach is practically useful to identify intents and entities. | cs.IR | Intent Identification and Entity Extraction for Healthcare Queries in Indic Languages |
2023-02-19T20:10:07Z | http://arxiv.org/pdf/2302.09664v3 | http://arxiv.org/abs/2302.09664v3 | Lorenz Kuhn, Yarin Gal, Sebastian Farquhar | 2023-04-15T12:55:45Z | cs.CL, cs.AI, cs.LG | We introduce a method to measure uncertainty in large language models. For
tasks like question answering, it is essential to know when we can trust the
natural language outputs of foundation models. We show that measuring
uncertainty in natural language is challenging because of "semantic
equivalence" -- different sentences can mean the same thing. To overcome these
challenges we introduce semantic entropy -- an entropy which incorporates
linguistic invariances created by shared meanings. Our method is unsupervised,
uses only a single model, and requires no modifications to off-the-shelf
language models. In comprehensive ablation studies we show that the semantic
entropy is more predictive of model accuracy on question answering data sets
than comparable baselines. | cs.CL | Semantic Uncertainty: Linguistic Invariances for Uncertainty Estimation in Natural Language Generation |
2023-02-19T18:43:24Z | http://arxiv.org/pdf/2302.09650v1 | http://arxiv.org/abs/2302.09650v1 | Patrick Fernandes, Behrooz Ghorbani, Xavier Garcia, Markus Freitag, Orhan Firat | 2023-02-19T18:43:24Z | cs.CL, cs.LG | In this work, we provide a large-scale empirical study of the scaling
properties of multilingual neural machine translation models. We examine how
increases in the model size affect the model performance and investigate the
role of the training mixture composition on the scaling behavior. We find that
changing the weightings of the individual language pairs in the training
mixture only affect the multiplicative factor of the scaling law. In
particular, we observe that multilingual models trained using different mixing
rates all exhibit the same scaling exponent. Through a novel joint scaling law
formulation, we compute the effective number of parameters allocated to each
language pair and examine the role of language similarity in the scaling
behavior of our models. We find little evidence that language similarity has
any impact. In contrast, the direction of the multilinguality plays a
significant role, with models translating from multiple languages into English
having a larger number of effective parameters per task than their reversed
counterparts. Finally, we leverage our observations to predict the performance
of multilingual models trained with any language weighting at any scale,
significantly reducing efforts required for language balancing in large
multilingual models. Our findings apply to both in-domain and out-of-domain
test sets and to multiple evaluation metrics, such as ChrF and BLEURT. | cs.CL | Scaling Laws for Multilingual Neural Machine Translation |
2023-02-19T18:22:59Z | http://arxiv.org/pdf/2302.10199v1 | http://arxiv.org/abs/2302.10199v1 | Ali Boluki, Javad Pourmostafa Roshan Sharami, Dimitar Shterionov | 2023-02-19T18:22:59Z | cs.CL, cs.LG | Businesses and customers can gain valuable information from product reviews.
The sheer number of reviews often necessitates ranking them based on their
potential helpfulness. However, only a few reviews ever receive any helpfulness
votes on online marketplaces. Sorting all reviews based on the few existing
votes can cause helpful reviews to go unnoticed because of the limited
attention span of readers. The problem of review helpfulness prediction is even
more important for higher review volumes, and newly written reviews or launched
products. In this work we compare the use of RoBERTa and XLM-R language models
to predict the helpfulness of online product reviews. The contributions of our
work in relation to literature include extensively investigating the efficacy
of state-of-the-art language models -- both monolingual and multilingual --
against a robust baseline, taking ranking metrics into account when assessing
these approaches, and assessing multilingual models for the first time. We
employ the Amazon review dataset for our experiments. According to our study on
several product categories, multilingual and monolingual pre-trained language
models outperform the baseline that utilizes random forest with handcrafted
features as much as 23% in RMSE. Pre-trained language models reduce the need
for complex text feature engineering. However, our results suggest that
pre-trained multilingual models may not be used for fine-tuning only one
language. We assess the performance of language models with and without
additional features. Our results show that including additional features like
product rating by the reviewer can further help the predictive methods. | cs.CL | Evaluating the Effectiveness of Pre-trained Language Models in Predicting the Helpfulness of Online Product Reviews |
2023-02-19T17:37:24Z | http://arxiv.org/pdf/2302.09632v1 | http://arxiv.org/abs/2302.09632v1 | Chen Liang, Haoming Jiang, Zheng Li, Xianfeng Tang, Bin Yin, Tuo Zhao | 2023-02-19T17:37:24Z | cs.CL, cs.LG | Knowledge distillation has been shown to be a powerful model compression
approach to facilitate the deployment of pre-trained language models in
practice. This paper focuses on task-agnostic distillation. It produces a
compact pre-trained model that can be easily fine-tuned on various tasks with
small computational costs and memory footprints. Despite the practical
benefits, task-agnostic distillation is challenging. Since the teacher model
has a significantly larger capacity and stronger representation power than the
student model, it is very difficult for the student to produce predictions that
match the teacher's over a massive amount of open-domain training data. Such a
large prediction discrepancy often diminishes the benefits of knowledge
distillation. To address this challenge, we propose Homotopic Distillation
(HomoDistil), a novel task-agnostic distillation approach equipped with
iterative pruning. Specifically, we initialize the student model from the
teacher model, and iteratively prune the student's neurons until the target
width is reached. Such an approach maintains a small discrepancy between the
teacher's and student's predictions throughout the distillation process, which
ensures the effectiveness of knowledge transfer. Extensive experiments
demonstrate that HomoDistil achieves significant improvements on existing
baselines. | cs.CL | HomoDistil: Homotopic Task-Agnostic Distillation of Pre-trained Transformers |
2023-02-19T16:36:33Z | http://arxiv.org/pdf/2302.09618v1 | http://arxiv.org/abs/2302.09618v1 | Meng Ye, Karan Sikka, Katherine Atwell, Sabit Hassan, Ajay Divakaran, Malihe Alikhani | 2023-02-19T16:36:33Z | cs.CL | Content moderation is the process of flagging content based on pre-defined
platform rules. There has been a growing need for AI moderators to safeguard
users as well as protect the mental health of human moderators from traumatic
content. While prior works have focused on identifying hateful/offensive
language, they are not adequate for meeting the challenges of content
moderation since 1) moderation decisions are based on violation of rules, which
subsumes detection of offensive speech, and 2) such rules often differ across
communities which entails an adaptive solution. We propose to study the
challenges of content moderation by introducing a multilingual dataset of 1.8
Million Reddit comments spanning 56 subreddits in English, German, Spanish and
French. We perform extensive experimental analysis to highlight the underlying
challenges and suggest related research problems such as cross-lingual
transfer, learning under label noise (human biases), transfer of moderation
models, and predicting the violated rule. Our dataset and analysis can help
better prepare for the challenges and opportunities of auto moderation. | cs.CL | Multilingual Content Moderation: A Case Study on Reddit |
2023-02-19T16:12:21Z | http://arxiv.org/pdf/2302.09611v1 | http://arxiv.org/abs/2302.09611v1 | Amir Sartipi, Afsaneh Fatemi | 2023-02-19T16:12:21Z | cs.CL, cs.AI | This study focuses on the generation of Persian named entity datasets through
the application of machine translation on English datasets. The generated
datasets were evaluated by experimenting with one monolingual and one
multilingual transformer model. Notably, the CoNLL 2003 dataset has achieved
the highest F1 score of 85.11%. In contrast, the WNUT 2017 dataset yielded the
lowest F1 score of 40.02%. The results of this study highlight the potential of
machine translation in creating high-quality named entity recognition datasets
for low-resource languages like Persian. The study compares the performance of
these generated datasets with English named entity recognition systems and
provides insights into the effectiveness of machine translation for this task.
Additionally, this approach could be used to augment data in low-resource
language or create noisy data to make named entity systems more robust and
improve them. | cs.CL | Exploring the Potential of Machine Translation for Generating Named Entity Datasets: A Case Study between Persian and English |
2023-02-19T14:21:33Z | http://arxiv.org/pdf/2302.09582v5 | http://arxiv.org/abs/2302.09582v5 | Ming Li, Yusheng Su, Hsiu-Yuan Huang, Jiali Cheng, Xin Hu, Xinmiao Zhang, Huadong Wang, Yujia Qin, Xiaozhi Wang, Kristen A. Lindquist, Zhiyuan Liu, Dan Zhang | 2024-03-12T14:55:29Z | cs.AI, cs.CL | Humans no doubt use language to communicate about their emotional
experiences, but does language in turn help humans understand emotions, or is
language just a vehicle of communication? This study used a form of artificial
intelligence (AI) known as large language models (LLMs) to assess whether
language-based representations of emotion causally contribute to the AI's
ability to generate inferences about the emotional meaning of novel situations.
Fourteen attributes of human emotion concept representation were found to be
represented by the LLM's distinct artificial neuron populations. By
manipulating these attribute-related neurons, we in turn demonstrated the role
of emotion concept knowledge in generative emotion inference. The
attribute-specific performance deterioration was related to the importance of
different attributes in human mental space. Our findings provide a
proof-in-concept that even a LLM can learn about emotions in the absence of
sensory-motor representations and highlight the contribution of
language-derived emotion-concept knowledge for emotion inference. | cs.AI | Language-Specific Representation of Emotion-Concept Knowledge Causally Supports Emotion Inference |
2023-02-19T12:29:33Z | http://arxiv.org/pdf/2302.10198v2 | http://arxiv.org/abs/2302.10198v2 | Qihuang Zhong, Liang Ding, Juhua Liu, Bo Du, Dacheng Tao | 2023-03-02T14:33:12Z | cs.CL | Recently, ChatGPT has attracted great attention, as it can generate fluent
and high-quality responses to human inquiries. Several prior studies have shown
that ChatGPT attains remarkable generation ability compared with existing
models. However, the quantitative analysis of ChatGPT's understanding ability
has been given little attention. In this report, we explore the understanding
ability of ChatGPT by evaluating it on the most popular GLUE benchmark, and
comparing it with 4 representative fine-tuned BERT-style models. We find that:
1) ChatGPT falls short in handling paraphrase and similarity tasks; 2) ChatGPT
outperforms all BERT models on inference tasks by a large margin; 3) ChatGPT
achieves comparable performance compared with BERT on sentiment analysis and
question-answering tasks. Additionally, by combining some advanced prompting
strategies, we show that the understanding ability of ChatGPT can be further
improved. | cs.CL | Can ChatGPT Understand Too? A Comparative Study on ChatGPT and Fine-tuned BERT |
2023-02-19T11:12:45Z | http://arxiv.org/pdf/2302.09540v1 | http://arxiv.org/abs/2302.09540v1 | Orestis Papakyriakopoulos, Severin Engelmann, Amy Winecoff | 2023-02-19T11:12:45Z | cs.CY, cs.CL, cs.SI | A significant share of political discourse occurs online on social media
platforms. Policymakers and researchers try to understand the role of social
media design in shaping the quality of political discourse around the globe. In
the past decades, scholarship on political discourse theory has produced
distinct characteristics of different types of prominent political rhetoric
such as deliberative, civic, or demagogic discourse. This study investigates
the relationship between social media reaction mechanisms (i.e., upvotes,
downvotes) and political rhetoric in user discussions by engaging in an
in-depth conceptual analysis of political discourse theory. First, we analyze
155 million user comments in 55 political subforums on Reddit between 2010 and
2018 to explore whether users' style of political discussion aligns with the
essential components of deliberative, civic, and demagogic discourse. Second,
we perform a quantitative study that combines confirmatory factor analysis with
difference in differences models to explore whether different reaction
mechanism schemes (e.g., upvotes only, upvotes and downvotes, no reaction
mechanisms) correspond with political user discussion that is more or less
characteristic of deliberative, civic, or demagogic discourse. We produce three
main takeaways. First, despite being "ideal constructs of political rhetoric,"
we find that political discourse theories describe political discussions on
Reddit to a large extent. Second, we find that discussions in subforums with
only upvotes, or both up- and downvotes are associated with user discourse that
is more deliberate and civic. Third, social media discussions are most
demagogic in subreddits with no reaction mechanisms at all. These findings
offer valuable contributions for ongoing policy discussions on the relationship
between social media interface design and respectful political discussion among
users. | cs.CY | Upvotes? Downvotes? No Votes? Understanding the relationship between reaction mechanisms and political discourse on Reddit |
2023-02-19T09:58:55Z | http://arxiv.org/pdf/2302.09527v2 | http://arxiv.org/abs/2302.09527v2 | Jivnesh Sandhan, Anshul Agarwal, Laxmidhar Behera, Tushar Sandhan, Pawan Goyal | 2023-05-29T07:36:21Z | cs.CL | We present a neural Sanskrit Natural Language Processing (NLP) toolkit named
SanskritShala (a school of Sanskrit) to facilitate computational linguistic
analyses for several tasks such as word segmentation, morphological tagging,
dependency parsing, and compound type identification. Our systems currently
report state-of-the-art performance on available benchmark datasets for all
tasks. SanskritShala is deployed as a web-based application, which allows a
user to get real-time analysis for the given input. It is built with
easy-to-use interactive data annotation features that allow annotators to
correct the system predictions when it makes mistakes. We publicly release the
source codes of the 4 modules included in the toolkit, 7 word embedding models
that have been trained on publicly available Sanskrit corpora and multiple
annotated datasets such as word similarity, relatedness, categorization,
analogy prediction to assess intrinsic properties of word embeddings. So far as
we know, this is the first neural-based Sanskrit NLP toolkit that has a
web-based interface and a number of NLP modules. We are sure that the people
who are willing to work with Sanskrit will find it useful for pedagogical and
annotative purposes. SanskritShala is available at:
https://cnerg.iitkgp.ac.in/sanskritshala. The demo video of our platform can be
accessed at: https://youtu.be/x0X31Y9k0mw4. | cs.CL | SanskritShala: A Neural Sanskrit NLP Toolkit with Web-Based Interface for Pedagogical and Annotation Purposes |
2023-02-19T08:44:21Z | http://arxiv.org/pdf/2302.09509v1 | http://arxiv.org/abs/2302.09509v1 | Jiexing Qi, Shuhao Li, Zhixin Guo, Yusheng Huang, Chenghu Zhou, Weinan Zhang, Xinbing Wang, Zhouhan Lin | 2023-02-19T08:44:21Z | cs.CL, cs.AI | Real-world data usually exhibits a long-tailed distribution,with a few
frequent labels and a lot of few-shot labels. The study of institution name
normalization is a perfect application case showing this phenomenon. There are
many institutions worldwide with enormous variations of their names in the
publicly available literature. In this work, we first collect a large-scale
institution name normalization dataset LoT-insts1, which contains over 25k
classes that exhibit a naturally long-tailed distribution. In order to isolate
the few-shot and zero-shot learning scenarios from the massive many-shot
classes, we construct our test set from four different subsets: many-, medium-,
and few-shot sets, as well as a zero-shot open set. We also replicate several
important baseline methods on our data, covering a wide range from search-based
methods to neural network methods that use the pretrained BERT model. Further,
we propose our specially pretrained, BERT-based model that shows better
out-of-distribution generalization on few-shot and zero-shot test sets.
Compared to other datasets focusing on the long-tailed phenomenon, our dataset
has one order of magnitude more training data than the largest existing
long-tailed datasets and is naturally long-tailed rather than manually
synthesized. We believe it provides an important and different scenario to
study this problem. To our best knowledge, this is the first natural language
dataset that focuses on long-tailed and open-set classification problems. | cs.CL | Text Classification in the Wild: a Large-scale Long-tailed Name Normalization Dataset |
2023-02-19T04:03:22Z | http://arxiv.org/pdf/2302.09473v2 | http://arxiv.org/abs/2302.09473v2 | Yimu Wang, Peng Shi | 2023-10-17T22:01:00Z | cs.CV, cs.CL, cs.IR, cs.LG, cs.MM | While recent progress in video-text retrieval has been advanced by the
exploration of better representation learning, in this paper, we present a
novel multi-grained sparse learning framework, S3MA, to learn an aligned sparse
space shared between the video and the text for video-text retrieval. The
shared sparse space is initialized with a finite number of sparse concepts,
each of which refers to a number of words. With the text data at hand, we learn
and update the shared sparse space in a supervised manner using the proposed
similarity and alignment losses. Moreover, to enable multi-grained alignment,
we incorporate frame representations for better modeling the video modality and
calculating fine-grained and coarse-grained similarities. Benefiting from the
learned shared sparse space and multi-grained similarities, extensive
experiments on several video-text retrieval benchmarks demonstrate the
superiority of S3MA over existing methods. Our code is available at
https://github.com/yimuwangcs/Better_Cross_Modal_Retrieval. | cs.CV | Video-Text Retrieval by Supervised Sparse Multi-Grained Learning |
2023-02-19T03:48:46Z | http://arxiv.org/pdf/2303.12489v1 | http://arxiv.org/abs/2303.12489v1 | Aman Chadha, Vinija Jain | 2023-02-19T03:48:46Z | cs.LG, cs.AI, cs.CL, cs.CV, cs.MM | While few-shot learning as a transfer learning paradigm has gained
significant traction for scenarios with limited data, it has primarily been
explored in the context of building unimodal and unilingual models.
Furthermore, a significant part of the existing literature in the domain of
few-shot multitask learning perform in-context learning which requires manually
generated prompts as the input, yielding varying outcomes depending on the
level of manual prompt-engineering. In addition, in-context learning suffers
from substantial computational, memory, and storage costs which eventually
leads to high inference latency because it involves running all of the prompt's
examples through the model every time a prediction is made. In contrast,
methods based on the transfer learning via the fine-tuning paradigm avoid the
aforementioned issues at a one-time cost of fine-tuning weights on a per-task
basis. However, such methods lack exposure to few-shot multimodal multitask
learning. In this paper, we propose few-shot learning for a multimodal
multitask multilingual (FM3) setting by adapting pre-trained vision and
language models using task-specific hypernetworks and contrastively fine-tuning
them to enable few-shot learning. FM3's architecture combines the best of both
worlds of in-context and fine-tuning based learning and consists of three major
components: (i) multimodal contrastive fine-tuning to enable few-shot learning,
(ii) hypernetwork task adaptation to perform multitask learning, and (iii)
task-specific output heads to cater to a plethora of diverse tasks. FM3 learns
the most prominent tasks in the vision and language domains along with their
intersections, namely visual entailment (VE), visual question answering (VQA),
and natural language understanding (NLU) tasks such as neural entity
recognition (NER) and the GLUE benchmark including QNLI, MNLI, QQP, and SST-2. | cs.LG | Few-shot Multimodal Multitask Multilingual Learning |
2023-02-19T02:21:32Z | http://arxiv.org/pdf/2302.09458v1 | http://arxiv.org/abs/2302.09458v1 | Jianshu Chen | 2023-02-19T02:21:32Z | cs.CL, cs.LG, cs.LO | Transformer architectures have achieved great success in solving natural
language tasks, which learn strong language representations from large-scale
unlabeled texts. In this paper, we seek to go further beyond and explore a new
logical inductive bias for better language representation learning. Logic
reasoning is known as a formal methodology to reach answers from given
knowledge and facts. Inspired by such a view, we develop a novel neural
architecture named FOLNet (First-Order Logic Network), to encode this new
inductive bias. We construct a set of neural logic operators as learnable Horn
clauses, which are further forward-chained into a fully differentiable neural
architecture (FOLNet). Interestingly, we find that the self-attention module in
transformers can be composed by two of our neural logic operators, which
probably explains their strong reasoning performance. Our proposed FOLNet has
the same input and output interfaces as other pretrained models and thus could
be pretrained/finetuned by using similar losses. It also allows FOLNet to be
used in a plug-and-play manner when replacing other pretrained models. With our
logical inductive bias, the same set of ``logic deduction skills'' learned
through pretraining are expected to be equally capable of solving diverse
downstream tasks. For this reason, FOLNet learns language representations that
have much stronger transfer capabilities. Experimental results on several
language understanding tasks show that our pretrained FOLNet model outperforms
the existing strong transformer-based approaches. | cs.CL | Learning Language Representations with Logical Inductive Bias |
2023-02-19T01:52:06Z | http://arxiv.org/pdf/2304.12411v1 | http://arxiv.org/abs/2304.12411v1 | Maurice HT Ling | 2023-02-19T01:52:06Z | cs.CL | ChatGPT has gained both positive and negative publicity after reports
suggesting that it is able to pass various professional and licensing
examinations. This suggests that ChatGPT may pass Turing Test in the near
future. However, a computer program that passing Turing Test can either mean
that it is a Chinese Room or artificially conscious. Hence, the question of
whether the current state of ChatGPT is more of a Chinese Room or approaching
artificial consciousness remains. Here, I demonstrate that the current version
of ChatGPT (Feb 13 version) is a Chinese Room. Despite potential evidence of
cognitive connections, ChatGPT exhibits critical errors in causal reasoning. At
the same time, I demonstrate that ChatGPT can generate all possible categorical
responses to the same question and response with erroneous examples; thus,
questioning its utility as a learning tool. I also show that ChatGPT is capable
of artificial hallucination, which is defined as generating confidently wrong
replies. It is likely that errors in causal reasoning leads to hallucinations.
More critically, ChatGPT generates false references to mimic real publications.
Therefore, its utility is cautioned. | cs.CL | ChatGPT (Feb 13 Version) is a Chinese Room |
2023-02-19T00:54:33Z | http://arxiv.org/pdf/2302.10195v1 | http://arxiv.org/abs/2302.10195v1 | Zhen Guo, Qi Zhang, Xinwei An, Qisheng Zhang, Audun Jøsang, Lance M. Kaplan, Feng Chen, Dong H. Jeong, Jin-Hee Cho | 2023-02-19T00:54:33Z | cs.CL, cs.AI, cs.LG | Due to various and serious adverse impacts of spreading fake news, it is
often known that only people with malicious intent would propagate fake news.
However, it is not necessarily true based on social science studies.
Distinguishing the types of fake news spreaders based on their intent is
critical because it will effectively guide how to intervene to mitigate the
spread of fake news with different approaches. To this end, we propose an
intent classification framework that can best identify the correct intent of
fake news. We will leverage deep reinforcement learning (DRL) that can optimize
the structural representation of each tweet by removing noisy words from the
input sequence when appending an actor to the long short-term memory (LSTM)
intent classifier. Policy gradient DRL model (e.g., REINFORCE) can lead the
actor to a higher delayed reward. We also devise a new uncertainty-aware
immediate reward using a subjective opinion that can explicitly deal with
multidimensional uncertainty for effective decision-making. Via 600K training
episodes from a fake news tweets dataset with an annotated intent class, we
evaluate the performance of uncertainty-aware reward in DRL. Evaluation results
demonstrate that our proposed framework efficiently reduces the number of
selected words to maintain a high 95\% multi-class accuracy. | cs.CL | Uncertainty-Aware Reward-based Deep Reinforcement Learning for Intent Analysis of Social Media Information |
2023-02-18T22:20:37Z | http://arxiv.org/pdf/2302.09432v2 | http://arxiv.org/abs/2302.09432v2 | Dakuan Lu, Hengkui Wu, Jiaqing Liang, Yipei Xu, Qianyu He, Yipeng Geng, Mengkun Han, Yingsi Xin, Yanghua Xiao | 2023-02-26T10:50:09Z | cs.CL | To advance Chinese financial natural language processing (NLP), we introduce
BBT-FinT5, a new Chinese financial pre-training language model based on the T5
model. To support this effort, we have built BBT-FinCorpus, a large-scale
financial corpus with approximately 300GB of raw text from four different
sources. In general domain NLP, comprehensive benchmarks like GLUE and
SuperGLUE have driven significant advancements in language model pre-training
by enabling head-to-head comparisons among models. Drawing inspiration from
these benchmarks, we propose BBT-CFLEB, a Chinese Financial Language
understanding and generation Evaluation Benchmark, which includes six datasets
covering both understanding and generation tasks. Our aim is to facilitate
research in the development of NLP within the Chinese financial domain. Our
model, corpus and benchmark are released at
https://github.com/ssymmetry/BBT-FinCUGE-Applications. Our work belongs to the
Big Bang Transformer (BBT), a large-scale pre-trained language model project. | cs.CL | BBT-Fin: Comprehensive Construction of Chinese Financial Domain Pre-trained Language Model, Corpus and Benchmark |
2023-02-18T21:30:36Z | http://arxiv.org/pdf/2302.09424v1 | http://arxiv.org/abs/2302.09424v1 | Mehrad Moradshahi, Sina J. Semnani, Monica S. Lam | 2023-02-18T21:30:36Z | cs.CL | Task-oriented Dialogue (ToD) agents are mostly limited to a few widely-spoken
languages, mainly due to the high cost of acquiring training data for each
language. Existing low-cost approaches that rely on cross-lingual embeddings or
naive machine translation sacrifice a lot of accuracy for data efficiency, and
largely fail in creating a usable dialogue agent. We propose automatic methods
that use ToD training data in a source language to build a high-quality
functioning dialogue agent in another target language that has no training data
(i.e. zero-shot) or a small training set (i.e. few-shot). Unlike most prior
work in cross-lingual ToD that only focuses on Dialogue State Tracking (DST),
we build an end-to-end agent.
We show that our approach closes the accuracy gap between few-shot and
existing full-shot methods for ToD agents. We achieve this by (1) improving the
dialogue data representation, (2) improving entity-aware machine translation,
and (3) automatic filtering of noisy translations.
We evaluate our approach on the recent bilingual dialogue dataset BiToD. In
Chinese to English transfer, in the zero-shot setting, our method achieves
46.7% and 22.0% in Task Success Rate (TSR) and Dialogue Success Rate (DSR)
respectively. In the few-shot setting where 10% of the data in the target
language is used, we improve the state-of-the-art by 15.2% and 14.0%, coming
within 5% of full-shot training. | cs.CL | Zero and Few-Shot Localization of Task-Oriented Dialogue Agents with a Distilled Representation |
2023-02-18T20:51:09Z | http://arxiv.org/pdf/2302.09419v3 | http://arxiv.org/abs/2302.09419v3 | Ce Zhou, Qian Li, Chen Li, Jun Yu, Yixin Liu, Guangjing Wang, Kai Zhang, Cheng Ji, Qiben Yan, Lifang He, Hao Peng, Jianxin Li, Jia Wu, Ziwei Liu, Pengtao Xie, Caiming Xiong, Jian Pei, Philip S. Yu, Lichao Sun | 2023-05-01T07:48:05Z | cs.AI, cs.CL, cs.LG | Pretrained Foundation Models (PFMs) are regarded as the foundation for
various downstream tasks with different data modalities. A PFM (e.g., BERT,
ChatGPT, and GPT-4) is trained on large-scale data which provides a reasonable
parameter initialization for a wide range of downstream applications. BERT
learns bidirectional encoder representations from Transformers, which are
trained on large datasets as contextual language models. Similarly, the
generative pretrained transformer (GPT) method employs Transformers as the
feature extractor and is trained using an autoregressive paradigm on large
datasets. Recently, ChatGPT shows promising success on large language models,
which applies an autoregressive language model with zero shot or few shot
prompting. The remarkable achievements of PFM have brought significant
breakthroughs to various fields of AI. Numerous studies have proposed different
methods, raising the demand for an updated survey. This study provides a
comprehensive review of recent research advancements, challenges, and
opportunities for PFMs in text, image, graph, as well as other data modalities.
The review covers the basic components and existing pretraining methods used in
natural language processing, computer vision, and graph learning. Additionally,
it explores advanced PFMs used for different data modalities and unified PFMs
that consider data quality and quantity. The review also discusses research
related to the fundamentals of PFMs, such as model efficiency and compression,
security, and privacy. Finally, the study provides key implications, future
research directions, challenges, and open problems in the field of PFMs.
Overall, this survey aims to shed light on the research of the PFMs on
scalability, security, logical reasoning ability, cross-domain learning
ability, and the user-friendly interactive ability for artificial general
intelligence. | cs.AI | A Comprehensive Survey on Pretrained Foundation Models: A History from BERT to ChatGPT |
2023-02-18T20:48:02Z | http://arxiv.org/pdf/2302.09418v1 | http://arxiv.org/abs/2302.09418v1 | Prashanth Vijayaraghavan, Deb Roy | 2023-02-18T20:48:02Z | cs.CL, cs.AI | Narrative is a ubiquitous component of human communication. Understanding its
structure plays a critical role in a wide variety of applications, ranging from
simple comparative analyses to enhanced narrative retrieval, comprehension, or
reasoning capabilities. Prior research in narratology has highlighted the
importance of studying the links between cognitive and linguistic aspects of
narratives for effective comprehension. This interdependence is related to the
textual semantics and mental language in narratives, referring to characters'
motivations, feelings or emotions, and beliefs. However, this interdependence
is hardly explored for modeling narratives. In this work, we propose the task
of automatically detecting prominent elements of the narrative structure by
analyzing the role of characters' inferred mental state along with linguistic
information at the syntactic and semantic levels. We introduce a STORIES
dataset of short personal narratives containing manual annotations of key
elements of narrative structure, specifically climax and resolution. To this
end, we implement a computational model that leverages the protagonist's mental
state information obtained from a pre-trained model trained on social
commonsense knowledge and integrates their representations with contextual
semantic embed-dings using a multi-feature fusion approach. Evaluating against
prior zero-shot and supervised baselines, we find that our model is able to
achieve significant improvements in the task of identifying climax and
resolution. | cs.CL | M-SENSE: Modeling Narrative Structure in Short Personal Narratives Using Protagonist's Mental Representations |
2023-02-18T16:45:30Z | http://arxiv.org/pdf/2302.09381v1 | http://arxiv.org/abs/2302.09381v1 | Tijn Berns, Nik Vaessen, David A. van Leeuwen | 2023-02-18T16:45:30Z | eess.AS, cs.CL, cs.LG, cs.SD | We investigate recent transformer networks pre-trained for automatic speech
recognition for their ability to detect speaker and language changes in speech.
We do this by simply adding speaker (change) or language targets to the labels.
For Wav2vec2 pre-trained networks, we also investigate if the representation
for the speaker change symbol can be conditioned to capture speaker identity
characteristics. Using a number of constructed data sets we show that these
capabilities are definitely there, with speaker recognition equal error rates
of the order of 10% and language detection error rates of a few percent. We
will publish the code for reproducibility. | eess.AS | Speaker and Language Change Detection using Wav2vec2 and Whisper |
2023-02-18T15:49:09Z | http://arxiv.org/pdf/2302.09368v1 | http://arxiv.org/abs/2302.09368v1 | Jing-Cheng Pang, Xin-Yu Yang, Si-Hang Yang, Yang Yu | 2023-02-18T15:49:09Z | cs.CL, cs.LG | Natural Language-conditioned reinforcement learning (RL) enables the agents
to follow human instructions. Previous approaches generally implemented
language-conditioned RL by providing human instructions in natural language
(NL) and training a following policy. In this outside-in approach, the policy
needs to comprehend the NL and manage the task simultaneously. However, the
unbounded NL examples often bring much extra complexity for solving concrete RL
tasks, which can distract policy learning from completing the task. To ease the
learning burden of the policy, we investigate an inside-out scheme for natural
language-conditioned RL by developing a task language (TL) that is task-related
and unique. The TL is used in RL to achieve highly efficient and effective
policy training. Besides, a translator is trained to translate NL into TL. We
implement this scheme as TALAR (TAsk Language with predicAte Representation)
that learns multiple predicates to model object relationships as the TL.
Experiments indicate that TALAR not only better comprehends NL instructions but
also leads to a better instruction-following policy that improves 13.4% success
rate and adapts to unseen expressions of NL instruction. The TL can also be an
effective task abstraction, naturally compatible with hierarchical RL. | cs.CL | Natural Language-conditioned Reinforcement Learning with Inside-out Task Language Development and Translation |
2023-02-18T14:48:20Z | http://arxiv.org/pdf/2302.09350v1 | http://arxiv.org/abs/2302.09350v1 | Weixian Waylon Li, Yftah Ziser, Maximin Coavoux, Shay B. Cohen | 2023-02-18T14:48:20Z | cs.CL | We introduce a task consisting in matching a proof to a given mathematical
statement. The task fits well within current research on Mathematical
Information Retrieval and, more generally, mathematical article analysis
(Mathematical Sciences, 2014). We present a dataset for the task (the MATcH
dataset) consisting of over 180k statement-proof pairs extracted from modern
mathematical research articles. We find this dataset highly representative of
our task, as it consists of relatively new findings useful to mathematicians.
We propose a bilinear similarity model and two decoding methods to match
statements to proofs effectively. While the first decoding method matches a
proof to a statement without being aware of other statements or proofs, the
second method treats the task as a global matching problem. Through a symbol
replacement procedure, we analyze the "insights" that pre-trained language
models have in such mathematical article analysis and show that while these
models perform well on this task with the best performing mean reciprocal rank
of 73.7, they follow a relatively shallow symbolic analysis and matching to
achieve that performance. | cs.CL | BERT is not The Count: Learning to Match Mathematical Statements with Proofs |
2023-02-18T14:39:03Z | http://arxiv.org/pdf/2302.09345v1 | http://arxiv.org/abs/2302.09345v1 | Caoyun Fan, Wenqing Chen, Jidong Tian, Yitian Li, Hao He, Yaohui Jin | 2023-02-18T14:39:03Z | cs.CL | Counterfactually-Augmented Data (CAD) has the potential to improve language
models' Out-Of-Distribution (OOD) generalization capability, as CAD induces
language models to exploit causal features and exclude spurious correlations.
However, the empirical results of OOD generalization on CAD are not as
efficient as expected. In this paper, we attribute the inefficiency to Myopia
Phenomenon caused by CAD: language models only focus on causal features that
are edited in the augmentation and exclude other non-edited causal features. As
a result, the potential of CAD is not fully exploited. Based on the structural
properties of CAD, we design two additional constraints to help language models
extract more complete causal features contained in CAD, thus improving the OOD
generalization capability. We evaluate our method on two tasks: Sentiment
Analysis and Natural Language Inference, and the experimental results
demonstrate that our method could unlock CAD's potential and improve language
models' OOD generalization capability. | cs.CL | Improving the Out-Of-Distribution Generalization Capability of Language Models: Counterfactually-Augmented Data is not Enough |
2023-02-18T13:46:12Z | http://arxiv.org/pdf/2302.09331v1 | http://arxiv.org/abs/2302.09331v1 | Xie Chen, Ziyang Ma, Changli Tang, Yujin Wang, Zhisheng Zheng | 2023-02-18T13:46:12Z | eess.AS, cs.CL, cs.SD | Recent years have witnessed a boom in self-supervised learning (SSL) in
various areas including speech processing. Speech based SSL models present
promising performance in a range of speech related tasks. However, the training
of SSL models is computationally expensive and a common practice is to
fine-tune a released SSL model on the specific task. It is essential to use
consistent front-end input during pre-training and fine-tuning. This
consistency may introduce potential issues when the optimal front-end is not
the same as that used in pre-training. In this paper, we propose a simple but
effective front-end adapter to address this front-end discrepancy. By
minimizing the distance between the outputs of different front-ends, the
filterbank feature (Fbank) can be compatible with SSL models which are
pre-trained with waveform. The experiment results demonstrate the effectiveness
of our proposed front-end adapter on several popular SSL models for the speech
recognition task. | eess.AS | Front-End Adapter: Adapting Front-End Input of Speech based Self-Supervised Learning for Speech Recognition |
2023-02-18T13:30:32Z | http://arxiv.org/pdf/2302.09327v1 | http://arxiv.org/abs/2302.09327v1 | Jordi de la Torre | 2023-02-18T13:30:32Z | cs.CL, cs.AI, 68T01, I.2 | Transformers are a neural network architecture originally designed for
natural language processing that it is now a mainstream tool for solving a wide
variety of problems, including natural language processing, sound, image,
reinforcement learning, and other problems with heterogeneous input data. Its
distinctive feature is its self-attention system, based on attention to one's
own sequence, which derives from the previously introduced attention system.
This article provides the reader with the necessary context to understand the
most recent research articles and presents the mathematical and algorithmic
foundations of the elements that make up this type of network. The different
components that make up this architecture and the variations that may exist are
also studied, as well as some applications of the transformer models. This
article is in Spanish to bring this scientific knowledge to the
Spanish-speaking community. | cs.CL | Transformadores: Fundamentos teoricos y Aplicaciones |
2023-02-18T13:07:22Z | http://arxiv.org/pdf/2302.09324v1 | http://arxiv.org/abs/2302.09324v1 | Bradley Butcher, Miri Zilka, Darren Cook, Jiri Hron, Adrian Weller | 2023-02-18T13:07:22Z | cs.CL, cs.HC, cs.IR, cs.LG | While humans can extract information from unstructured text with high
precision and recall, this is often too time-consuming to be practical.
Automated approaches, on the other hand, produce nearly-immediate results, but
may not be reliable enough for high-stakes applications where precision is
essential. In this work, we consider the benefits and drawbacks of various
human-only, human-machine, and machine-only information extraction approaches.
We argue for the utility of a human-in-the-loop approach in applications where
high precision is required, but purely manual extraction is infeasible. We
present a framework and an accompanying tool for information extraction using
weak-supervision labelling with human validation. We demonstrate our approach
on three criminal justice datasets. We find that the combination of computer
speed and human understanding yields precision comparable to manual annotation
while requiring only a fraction of time, and significantly outperforms fully
automated baselines in terms of precision. | cs.CL | Optimising Human-Machine Collaboration for Efficient High-Precision Information Extraction from Text Documents |
2023-02-18T09:26:35Z | http://arxiv.org/pdf/2302.09268v1 | http://arxiv.org/abs/2302.09268v1 | Qihuang Zhong, Liang Ding, Keqin Peng, Juhua Liu, Bo Du, Li Shen, Yibing Zhan, Dacheng Tao | 2023-02-18T09:26:35Z | cs.CL | This technical report briefly describes our JDExplore d-team's submission
Vega v1 on the General Language Understanding Evaluation (GLUE) leaderboard,
where GLUE is a collection of nine natural language understanding tasks,
including question answering, linguistic acceptability, sentiment analysis,
text similarity, paraphrase detection, and natural language inference. [Method]
We investigate several effective strategies and choose their best combination
setting as the training recipes. As for model structure, we employ the vanilla
Transformer with disentangled attention as the basic block encoder. For
self-supervised training, we employ the representative denoising objective
(i.e., replaced token detection) in phase 1 and combine the contrastive
objective (i.e., sentence embedding contrastive learning) with it in phase 2.
During fine-tuning, several advanced techniques such as transductive
fine-tuning, self-calibrated fine-tuning, and adversarial fine-tuning are
adopted. [Results] According to our submission record (Jan. 2022), with our
optimized pretraining and fine-tuning strategies, our 1.3 billion model sets
new state-of-the-art on 4/9 tasks, achieving the best average score of 91.3.
Encouragingly, our Vega v1 is the first to exceed powerful human performance on
the two challenging tasks, i.e., SST-2 and WNLI. We believe our empirically
successful recipe with a bag of tricks could shed new light on developing
efficient discriminative large language models. | cs.CL | Bag of Tricks for Effective Language Model Pretraining and Downstream Adaptation: A Case Study on GLUE |
2023-02-18T06:08:04Z | http://arxiv.org/pdf/2302.09243v1 | http://arxiv.org/abs/2302.09243v1 | Jay Gala, Deep Gandhi, Jash Mehta, Zeerak Talat | 2023-02-18T06:08:04Z | cs.LG, cs.AI, cs.CL | Hate speech detection has been the subject of high research attention, due to
the scale of content created on social media. In spite of the attention and the
sensitive nature of the task, privacy preservation in hate speech detection has
remained under-studied. The majority of research has focused on centralised
machine learning infrastructures which risk leaking data. In this paper, we
show that using federated machine learning can help address privacy the
concerns that are inherent to hate speech detection while obtaining up to 6.81%
improvement in terms of F1-score. | cs.LG | A Federated Approach for Hate Speech Detection |
2023-02-18T05:06:28Z | http://arxiv.org/pdf/2302.09236v1 | http://arxiv.org/abs/2302.09236v1 | Yuhang Zhou, Suraj Maharjan, Beiye Liu | 2023-02-18T05:06:28Z | cs.CL, cs.AI | Prompt-based learning methods in semi-supervised learning (SSL) settings have
been shown to be effective on multiple natural language understanding (NLU)
datasets and tasks in the literature. However, manually designing multiple
prompts and verbalizers requires domain knowledge and human effort, making it
difficult and expensive to scale across different datasets. In this paper, we
propose two methods to automatically design multiple prompts and integrate
automatic verbalizer in SSL settings without sacrificing performance. The first
method uses various demonstration examples with learnable continuous prompt
tokens to create diverse prompt models. The second method uses a varying number
of soft prompt tokens to encourage language models to learn different prompts.
For the verbalizer, we use the prototypical verbalizer to replace the manual
one. In summary, we obtained the best average accuracy of 73.2% (a relative
improvement of 2.52% over even the previous state-of-the-art SSL method with
manual prompts and verbalizers) in different few-shot learning settings. | cs.CL | Scalable Prompt Generation for Semi-supervised Learning with Language Models |
2023-02-18T04:19:51Z | http://arxiv.org/pdf/2302.09230v1 | http://arxiv.org/abs/2302.09230v1 | Yue Zhang, Parisa Kordjamshidi | 2023-02-18T04:19:51Z | cs.CL | Language understanding is essential for the navigation agent to follow
instructions. We observe two kinds of issues in the instructions that can make
the navigation task challenging: 1. The mentioned landmarks are not
recognizable by the navigation agent due to the different vision abilities of
the instructor and the modeled agent. 2. The mentioned landmarks are applicable
to multiple targets, thus not distinctive for selecting the target among the
candidate viewpoints. To deal with these issues, we design a translator module
for the navigation agent to convert the original instructions into
easy-to-follow sub-instruction representations at each step. The translator
needs to focus on the recognizable and distinctive landmarks based on the
agent's visual abilities and the observed visual environment. To achieve this
goal, we create a new synthetic sub-instruction dataset and design specific
tasks to train the translator and the navigation agent. We evaluate our
approach on Room2Room~(R2R), Room4room~(R4R), and Room2Room Last (R2R-Last)
datasets and achieve state-of-the-art results on multiple benchmarks. | cs.CL | VLN-Trans: Translator for the Vision and Language Navigation Agent |
2023-02-18T02:11:36Z | http://arxiv.org/pdf/2302.09210v1 | http://arxiv.org/abs/2302.09210v1 | Amr Hendy, Mohamed Abdelrehim, Amr Sharaf, Vikas Raunak, Mohamed Gabr, Hitokazu Matsushita, Young Jin Kim, Mohamed Afify, Hany Hassan Awadalla | 2023-02-18T02:11:36Z | cs.CL | Generative Pre-trained Transformer (GPT) models have shown remarkable
capabilities for natural language generation, but their performance for machine
translation has not been thoroughly investigated. In this paper, we present a
comprehensive evaluation of GPT models for machine translation, covering
various aspects such as quality of different GPT models in comparison with
state-of-the-art research and commercial systems, effect of prompting
strategies, robustness towards domain shifts and document-level translation. We
experiment with eighteen different translation directions involving high and
low resource languages, as well as non English-centric translations, and
evaluate the performance of three GPT models: ChatGPT, GPT3.5
(text-davinci-003), and text-davinci-002. Our results show that GPT models
achieve very competitive translation quality for high resource languages, while
having limited capabilities for low resource languages. We also show that
hybrid approaches, which combine GPT models with other translation systems, can
further enhance the translation quality. We perform comprehensive analysis and
human evaluation to further understand the characteristics of GPT translations.
We hope that our paper provides valuable insights for researchers and
practitioners in the field and helps to better understand the potential and
limitations of GPT models for translation. | cs.CL | How Good Are GPT Models at Machine Translation? A Comprehensive Evaluation |
2023-02-18T02:06:52Z | http://arxiv.org/pdf/2302.09207v3 | http://arxiv.org/abs/2302.09207v3 | Elie Bursztein, Marina Zhang, Owen Vallis, Xinyu Jia, Alexey Kurakin | 2024-04-23T00:07:38Z | cs.CL, cs.AI | This paper describes RETVec, an efficient, resilient, and multilingual text
vectorizer designed for neural-based text processing. RETVec combines a novel
character encoding with an optional small embedding model to embed words into a
256-dimensional vector space. The RETVec embedding model is pre-trained using
pair-wise metric learning to be robust against typos and character-level
adversarial attacks. In this paper, we evaluate and compare RETVec to
state-of-the-art vectorizers and word embeddings on popular model architectures
and datasets. These comparisons demonstrate that RETVec leads to competitive,
multilingual models that are significantly more resilient to typos and
adversarial text attacks. RETVec is available under the Apache 2 license at
https://github.com/google-research/retvec. | cs.CL | RETVec: Resilient and Efficient Text Vectorizer |
2023-02-17T23:45:02Z | http://arxiv.org/pdf/2302.09189v1 | http://arxiv.org/abs/2302.09189v1 | Koike Hiroaki, Teruaki Hayashi | 2023-02-17T23:45:02Z | cs.CL | The development and spread of information and communication technologies have
increased and diversified information. However, the increase in the volume and
the selection of information does not necessarily promote understanding. In
addition, conventional evaluations of information transfer have focused only on
the arrival of information to the receivers. They need to sufficiently take
into account the receivers' understanding of the information after it has been
acquired, which is the original purpose of the evaluation. In this study, we
propose the concept of "information digestion," which refers to the receivers'
correct understanding of the acquired information, its contents, and its
purpose. In the experiment, we proposed an evaluation model of information
digestibility using hierarchical factor analysis and extracted factors that
constitute digestibility by four types of media. | cs.CL | Extraction of Constituent Factors of Digestion Efficiency in Information Transfer by Media Composed of Texts and Images |
2023-02-17T23:30:28Z | http://arxiv.org/pdf/2302.09185v1 | http://arxiv.org/abs/2302.09185v1 | Albert Lu, Hongxin Zhang, Yanzhe Zhang, Xuezhi Wang, Diyi Yang | 2023-02-17T23:30:28Z | cs.CL, cs.AI, cs.LG | The limits of open-ended generative models are unclear, yet increasingly
important. What causes them to succeed and what causes them to fail? In this
paper, we take a prompt-centric approach to analyzing and bounding the
abilities of open-ended generative models. We present a generic methodology of
analysis with two challenging prompt constraint types: structural and
stylistic. These constraint types are categorized into a set of well-defined
constraints that are analyzable by a single prompt. We then systematically
create a diverse set of simple, natural, and useful prompts to robustly analyze
each individual constraint. Using the GPT-3 text-davinci-002 model as a case
study, we generate outputs from our collection of prompts and analyze the
model's generative failures. We also show the generalizability of our proposed
method on other large models like BLOOM and OPT. Our results and our in-context
mitigation strategies reveal open challenges for future research. We have
publicly released our code at https://github.com/SALT-NLP/Bound-Cap-LLM. | cs.CL | Bounding the Capabilities of Large Language Models in Open Text Generation with Prompt Constraints |
2023-02-17T22:50:08Z | http://arxiv.org/pdf/2302.09173v2 | http://arxiv.org/abs/2302.09173v2 | Lajanugen Logeswaran, Sungryull Sohn, Yunseok Jang, Moontae Lee, Honglak Lee | 2023-05-02T19:46:14Z | cs.AI, cs.CL, cs.LG | This work explores the problem of generating task graphs of real-world
activities. Different from prior formulations, we consider a setting where text
transcripts of instructional videos performing a real-world activity (e.g.,
making coffee) are provided and the goal is to identify the key steps relevant
to the task as well as the dependency relationship between these key steps. We
propose a novel task graph generation approach that combines the reasoning
capabilities of instruction-tuned language models along with clustering and
ranking components to generate accurate task graphs in a completely
unsupervised manner. We show that the proposed approach generates more accurate
task graphs compared to a supervised learning approach on tasks from the ProceL
and CrossTask datasets. | cs.AI | Unsupervised Task Graph Generation from Instructional Video Transcripts |
2023-02-17T22:48:07Z | http://arxiv.org/pdf/2302.09170v1 | http://arxiv.org/abs/2302.09170v1 | Yan Xu, Mahdi Namazifar, Devamanyu Hazarika, Aishwarya Padmakumar, Yang Liu, Dilek Hakkani-Tür | 2023-02-17T22:48:07Z | cs.CL, cs.AI | Large pre-trained language models (PLMs) have been shown to retain implicit
knowledge within their parameters. To enhance this implicit knowledge, we
propose Knowledge Injection into Language Models (KILM), a novel approach that
injects entity-related knowledge into encoder-decoder PLMs, via a generative
knowledge infilling objective through continued pre-training. This is done
without architectural modifications to the PLMs or adding additional
parameters. Experimental results over a suite of knowledge-intensive tasks
spanning numerous datasets show that KILM enables models to retain more
knowledge and hallucinate less, while preserving their original performance on
general NLU and NLG tasks. KILM also demonstrates improved zero-shot
performances on tasks such as entity disambiguation, outperforming
state-of-the-art models having 30x more parameters. | cs.CL | KILM: Knowledge Injection into Encoder-Decoder Language Models |
2023-02-17T21:50:13Z | http://arxiv.org/pdf/2302.09155v1 | http://arxiv.org/abs/2302.09155v1 | Chandrayee Basu, Rosni Vasu, Michihiro Yasunaga, Qian Yang | 2023-02-17T21:50:13Z | cs.CL | Automatic medical text simplification can assist providers with
patient-friendly communication and make medical texts more accessible, thereby
improving health literacy. But curating a quality corpus for this task requires
the supervision of medical experts. In this work, we present
$\textbf{Med-EASi}$ ($\underline{\textbf{Med}}$ical dataset for
$\underline{\textbf{E}}$laborative and $\underline{\textbf{A}}$bstractive
$\underline{\textbf{Si}}$mplification), a uniquely crowdsourced and finely
annotated dataset for supervised simplification of short medical texts. Its
$\textit{expert-layman-AI collaborative}$ annotations facilitate
$\textit{controllability}$ over text simplification by marking four kinds of
textual transformations: elaboration, replacement, deletion, and insertion. To
learn medical text simplification, we fine-tune T5-large with four different
styles of input-output combinations, leading to two control-free and two
controllable versions of the model. We add two types of
$\textit{controllability}$ into text simplification, by using a multi-angle
training approach: $\textit{position-aware}$, which uses in-place annotated
inputs and outputs, and $\textit{position-agnostic}$, where the model only
knows the contents to be edited, but not their positions. Our results show that
our fine-grained annotations improve learning compared to the unannotated
baseline. Furthermore, $\textit{position-aware}$ control generates better
simplification than the $\textit{position-agnostic}$ one. The data and code are
available at https://github.com/Chandrayee/CTRL-SIMP. | cs.CL | Med-EASi: Finely Annotated Dataset and Models for Controllable Simplification of Medical Texts |
2023-02-17T21:20:36Z | http://arxiv.org/pdf/2302.09150v1 | http://arxiv.org/abs/2302.09150v1 | Taehee Jung, Joo-Kyung Kim, Sungjin Lee, Dongyeop Kang | 2023-02-17T21:20:36Z | cs.CL, cs.LG | For extreme multi-label classification (XMC), existing classification-based
models poorly perform for tail labels and often ignore the semantic relations
among labels, like treating "Wikipedia" and "Wiki" as independent and separate
labels. In this paper, we cast XMC as a generation task (XLGen), where we
benefit from pre-trained text-to-text models. However, generating labels from
the extremely large label space is challenging without any constraints or
guidance. We, therefore, propose to guide label generation using label cluster
information to hierarchically generate lower-level labels. We also find that
frequency-based label ordering and using decoding ensemble methods are critical
factors for the improvements in XLGen. XLGen with cluster guidance
significantly outperforms the classification and generation baselines on tail
labels, and also generally improves the overall performance in four popular XMC
benchmarks. In human evaluation, we also find XLGen generates unseen but
plausible labels. Our code is now available at
https://github.com/alexa/xlgen-eacl-2023. | cs.CL | Cluster-Guided Label Generation in Extreme Multi-Label Classification |
2023-02-17T20:10:55Z | http://arxiv.org/pdf/2302.09122v1 | http://arxiv.org/abs/2302.09122v1 | Chieh-Yang Huang, Saniya Naphade, Kavya Laalasa Karanam, Ting-Hao 'Kenneth' Huang | 2023-02-17T20:10:55Z | cs.CL, cs.HC | Creative writing is hard: Novelists struggle with writer's block daily. While
automatic story generation has advanced recently, it is treated as a "toy task"
for advancing artificial intelligence rather than helping people. In this
paper, we create a system that produces a short description that narrates a
predicted plot using existing story generation approaches. Our goal is to
assist writers in crafting a consistent and compelling story arc. We conducted
experiments on Amazon Mechanical Turk (AMT) to examine the quality of the
generated story plots in terms of consistency and storiability. The results
show that short descriptions produced by our frame-enhanced GPT-2 (FGPT-2) were
rated as the most consistent and storiable among all models; FGPT-2's outputs
even beat some random story snippets written by humans. Next, we conducted a
preliminary user study using a story continuation task where AMT workers were
given access to machine-generated story plots and asked to write a follow-up
story. FGPT-2 could positively affect the writing process, though people favor
other baselines more. Our study shed some light on the possibilities of future
creative writing support systems beyond the scope of completing sentences. Our
code is available at: https://github.com/appleternity/Story-Plot-Generation. | cs.CL | Conveying the Predicted Future to Users: A Case Study of Story Plot Prediction |
2023-02-17T18:31:31Z | http://arxiv.org/pdf/2302.09051v4 | http://arxiv.org/abs/2302.09051v4 | Xavier Daull, Patrice Bellot, Emmanuel Bruno, Vincent Martin, Elisabeth Murisasco | 2023-04-07T16:37:35Z | cs.CL, cs.AI, cs.IR, cs.LG | This paper reviews the state-of-the-art of language models architectures and
strategies for "complex" question-answering (QA, CQA, CPS) with a focus on
hybridization. Large Language Models (LLM) are good at leveraging public data
on standard problems but once you want to tackle more specific complex
questions or problems (e.g. How does the concept of personal freedom vary
between different cultures ? What is the best mix of power generation methods
to reduce climate change ?) you may need specific architecture, knowledge,
skills, methods, sensitive data protection, explainability, human approval and
versatile feedback... Recent projects like ChatGPT and GALACTICA have allowed
non-specialists to grasp the great potential as well as the equally strong
limitations of LLM in complex QA. In this paper, we start by reviewing required
skills and evaluation techniques. We integrate findings from the robust
community edited research papers BIG, BLOOM and HELM which open source,
benchmark and analyze limits and challenges of LLM in terms of tasks complexity
and strict evaluation on accuracy (e.g. fairness, robustness, toxicity, ...) as
a baseline. We discuss some challenges associated with complex QA, including
domain adaptation, decomposition and efficient multi-step QA, long form and
non-factoid QA, safety and multi-sensitivity data protection, multimodal
search, hallucinations, explainability and truthfulness, temporal reasoning. We
analyze current solutions and promising research trends, using elements such
as: hybrid LLM architectural patterns, training and prompting strategies,
active human reinforcement learning supervised with AI, neuro-symbolic and
structured knowledge grounding, program synthesis, iterated decomposition and
others. | cs.CL | Complex QA and language models hybrid architectures, Survey |
2023-02-17T17:49:26Z | http://arxiv.org/pdf/2302.09027v1 | http://arxiv.org/abs/2302.09027v1 | Zhi Zhang, Helen Yannakoudakis, Xiantong Zhen, Ekaterina Shutova | 2023-02-17T17:49:26Z | cs.CV, cs.AI, cs.CL, cs.MM | The task of multimodal referring expression comprehension (REC), aiming at
localizing an image region described by a natural language expression, has
recently received increasing attention within the research comminity. In this
paper, we specifically focus on referring expression comprehension with
commonsense knowledge (KB-Ref), a task which typically requires reasoning
beyond spatial, visual or semantic information. We propose a novel framework
for Commonsense Knowledge Enhanced Transformers (CK-Transformer) which
effectively integrates commonsense knowledge into the representations of
objects in an image, facilitating identification of the target objects referred
to by the expressions. We conduct extensive experiments on several benchmarks
for the task of KB-Ref. Our results show that the proposed CK-Transformer
achieves a new state of the art, with an absolute improvement of 3.14% accuracy
over the existing state of the art. | cs.CV | CK-Transformer: Commonsense Knowledge Enhanced Transformers for Referring Expression Comprehension |
2023-02-17T16:59:31Z | http://arxiv.org/pdf/2302.08997v1 | http://arxiv.org/abs/2302.08997v1 | Philippe Laban, Chien-Sheng Wu, Lidiya Murakhovs'ka, Xiang 'Anthony' Chen, Caiming Xiong | 2023-02-17T16:59:31Z | cs.HC, cs.CL | Modern news aggregators do the hard work of organizing a large news stream,
creating collections for a given news story with tens of source options. This
paper shows that navigating large source collections for a news story can be
challenging without further guidance. In this work, we design three interfaces
-- the Annotated Article, the Recomposed Article, and the Question Grid --
aimed at accompanying news readers in discovering coverage diversity while they
read. A first usability study with 10 journalism experts confirms the designed
interfaces all reveal coverage diversity and determine each interface's
potential use cases and audiences. In a second usability study, we developed
and implemented a reading exercise with 95 novice news readers to measure
exposure to coverage diversity. Results show that Annotated Article users are
able to answer questions 34% more completely than with two existing interfaces
while finding the interface equally easy to use. | cs.HC | Designing and Evaluating Interfaces that Highlight News Coverage Diversity Using Discord Questions |
2023-02-17T16:20:33Z | http://arxiv.org/pdf/2302.08975v1 | http://arxiv.org/abs/2302.08975v1 | Keqin Bao, Yu Wan, Dayiheng Liu, Baosong Yang, Wenqiang Lei, Xiangnan He, Derek F. Wong, Jun Xie | 2023-02-17T16:20:33Z | cs.CL | Fine-grained information on translation errors is helpful for the translation
evaluation community. Existing approaches can not synchronously consider error
position and type, failing to integrate the error information of both. In this
paper, we propose Fine-Grained Translation Error Detection (FG-TED) task,
aiming at identifying both the position and the type of translation errors on
given source-hypothesis sentence pairs. Besides, we build an FG-TED model to
predict the \textbf{addition} and \textbf{omission} errors -- two typical
translation accuracy errors. First, we use a word-level classification paradigm
to form our model and use the shortcut learning reduction to relieve the
influence of monolingual features. Besides, we construct synthetic datasets for
model training, and relieve the disagreement of data labeling in authoritative
datasets, making the experimental benchmark concordant. Experiments show that
our model can identify both error type and position concurrently, and gives
state-of-the-art results on the restored dataset. Our model also delivers more
reliable predictions on low-resource and transfer scenarios than existing
baselines. The related datasets and the source code will be released in the
future. | cs.CL | Towards Fine-Grained Information: Identifying the Type and Location of Translation Errors |
2023-02-17T15:49:19Z | http://arxiv.org/pdf/2302.08961v2 | http://arxiv.org/abs/2302.08961v2 | Martin Ruskov | 2023-08-25T14:12:43Z | cs.CL, cs.AI, cs.HC, I.2 | The quality of text-to-image generation is continuously improving, yet the
boundaries of its applicability are still unclear. In particular, refinement of
the text input with the objective of achieving better results - commonly called
prompt engineering - so far seems to have not been geared towards work with
pre-existing texts. We investigate whether text-to-image generation and prompt
engineering could be used to generate basic illustrations of popular
fairytales. Using Midjourney v4, we engage in action research with a dual aim:
to attempt to generate 5 believable illustrations for each of 5 popular
fairytales, and to define a prompt engineering process that starts from a
pre-existing text and arrives at an illustration of it. We arrive at a
tentative 4-stage process: i) initial prompt, ii) composition adjustment, iii)
style refinement, and iv) variation selection. We also discuss three reasons
why the generation model struggles with certain illustrations: difficulties
with counts, bias from stereotypical configurations and inability to depict
overly fantastic situations. Our findings are not limited to the specific
generation model and are intended to be generalisable to future ones. | cs.CL | Grimm in Wonderland: Prompt Engineering with Midjourney to Illustrate Fairytales |
2023-02-17T15:43:29Z | http://arxiv.org/pdf/2302.08957v3 | http://arxiv.org/abs/2302.08957v3 | Luke Bates, Iryna Gurevych | 2024-01-29T12:39:57Z | cs.CL | Few-shot text classification systems have impressive capabilities but are
infeasible to deploy and use reliably due to their dependence on prompting and
billion-parameter language models. SetFit (Tunstall et al., 2022) is a recent,
practical approach that fine-tunes a Sentence Transformer under a contrastive
learning paradigm and achieves similar results to more unwieldy systems.
Inexpensive text classification is important for addressing the problem of
domain drift in all classification tasks, and especially in detecting harmful
content, which plagues social media platforms. Here, we propose Like a Good
Nearest Neighbor (LaGoNN), a modification to SetFit that introduces no
learnable parameters but alters input text with information from its nearest
neighbor, for example, the label and text, in the training data, making novel
data appear similar to an instance on which the model was optimized. LaGoNN is
effective at flagging undesirable content and text classification, and improves
the performance of SetFit. To demonstrate the value of LaGoNN, we conduct a
thorough study of text classification systems in the context of content
moderation under four label distributions, and in general and multilingual
classification settings. | cs.CL | Like a Good Nearest Neighbor: Practical Content Moderation and Text Classification |
2023-02-17T15:40:12Z | http://arxiv.org/pdf/2302.08956v5 | http://arxiv.org/abs/2302.08956v5 | Shamsuddeen Hassan Muhammad, Idris Abdulmumin, Abinew Ali Ayele, Nedjma Ousidhoum, David Ifeoluwa Adelani, Seid Muhie Yimam, Ibrahim Sa'id Ahmad, Meriem Beloucif, Saif M. Mohammad, Sebastian Ruder, Oumaima Hourrane, Pavel Brazdil, Felermino Dário Mário António Ali, Davis David, Salomey Osei, Bello Shehu Bello, Falalu Ibrahim, Tajuddeen Gwadabe, Samuel Rutunda, Tadesse Belay, Wendimu Baye Messelle, Hailu Beshada Balcha, Sisay Adugna Chala, Hagos Tesfahun Gebremichael, Bernard Opoku, Steven Arthur | 2023-11-04T19:48:38Z | cs.CL | Africa is home to over 2,000 languages from more than six language families
and has the highest linguistic diversity among all continents. These include 75
languages with at least one million speakers each. Yet, there is little NLP
research conducted on African languages. Crucial to enabling such research is
the availability of high-quality annotated datasets. In this paper, we
introduce AfriSenti, a sentiment analysis benchmark that contains a total of
>110,000 tweets in 14 African languages (Amharic, Algerian Arabic, Hausa, Igbo,
Kinyarwanda, Moroccan Arabic, Mozambican Portuguese, Nigerian Pidgin, Oromo,
Swahili, Tigrinya, Twi, Xitsonga, and Yor\`ub\'a) from four language families.
The tweets were annotated by native speakers and used in the AfriSenti-SemEval
shared task (The AfriSenti Shared Task had over 200 participants. See website
at https://afrisenti-semeval.github.io). We describe the data collection
methodology, annotation process, and the challenges we dealt with when curating
each dataset. We further report baseline experiments conducted on the different
datasets and discuss their usefulness. | cs.CL | AfriSenti: A Twitter Sentiment Analysis Benchmark for African Languages |
2023-02-17T15:33:47Z | http://arxiv.org/pdf/2302.08950v3 | http://arxiv.org/abs/2302.08950v3 | Vinicius Ribeiro, Yiteng Huang, Yuan Shangguan, Zhaojun Yang, Li Wan, Ming Sun | 2023-06-07T15:04:41Z | cs.CL, cs.SD, eess.AS | Wake word detection exists in most intelligent homes and portable devices. It
offers these devices the ability to "wake up" when summoned at a low cost of
power and computing. This paper focuses on understanding alignment's role in
developing a wake-word system that answers a generic phrase. We discuss three
approaches. The first is alignment-based, where the model is trained with
frame-wise cross-entropy. The second is alignment-free, where the model is
trained with CTC. The third, proposed by us, is a hybrid solution in which the
model is trained with a small set of aligned data and then tuned with a
sizeable unaligned dataset. We compare the three approaches and evaluate the
impact of the different aligned-to-unaligned ratios for hybrid training. Our
results show that the alignment-free system performs better than the
alignment-based for the target operating point, and with a small fraction of
the data (20%), we can train a model that complies with our initial
constraints. | cs.CL | Handling the Alignment for Wake Word Detection: A Comparison Between Alignment-Based, Alignment-Free and Hybrid Approaches |
2023-02-17T15:30:44Z | http://arxiv.org/pdf/2302.08948v1 | http://arxiv.org/abs/2302.08948v1 | Bertrand Duménieu, Edwin Carlinet, Nathalie Abadie, Joseph Chazalon | 2023-02-17T15:30:44Z | cs.CL, cs.CV | When extracting structured data from repetitively organized documents, such
as dictionaries, directories, or even newspapers, a key challenge is to
correctly segment what constitutes the basic text regions for the target
database. Traditionally, such a problem was tackled as part of the layout
analysis and was mostly based on visual clues for dividing (top-down)
approaches. Some agglomerating (bottom-up) approaches started to consider
textual information to link similar contents, but they required a proper
over-segmentation of fine-grained units. In this work, we propose a new
pragmatic approach whose efficiency is demonstrated on 19th century French
Trade Directories. We propose to consider two sub-problems: coarse layout
detection (text columns and reading order), which is assumed to be effective
and not detailed here, and a fine-grained entry separation stage for which we
propose to adapt a state-of-the-art Named Entity Recognition (NER) approach. By
injecting special visual tokens, coding, for instance, indentation or breaks,
into the token stream of the language model used for NER purpose, we can
leverage both textual and visual knowledge simultaneously. Code, data, results
and models are available at
https://github.com/soduco/paper-entryseg-icdar23-code,
https://huggingface.co/HueyNemud/ (icdar23-entrydetector* variants) | cs.CL | Entry Separation using a Mixed Visual and Textual Language Model: Application to 19th century French Trade Directories |
2023-02-17T15:21:24Z | http://arxiv.org/pdf/2302.08936v1 | http://arxiv.org/abs/2302.08936v1 | Juniper Lovato, Philip Mueller, Parisa Suchdev, Peter S. Dodds | 2023-02-17T15:21:24Z | cs.CL, cs.SI | Collecting personally identifiable information (PII) on data subjects has
become big business. Data brokers and data processors are part of a
multi-billion-dollar industry that profits from collecting, buying, and selling
consumer data. Yet there is little transparency in the data collection industry
which makes it difficult to understand what types of data are being collected,
used, and sold, and thus the risk to individual data subjects. In this study,
we examine a large textual dataset of privacy policies from 1997-2019 in order
to investigate the data collection activities of data brokers and data
processors. We also develop an original lexicon of PII-related terms
representing PII data types curated from legislative texts. This mesoscale
analysis looks at privacy policies overtime on the word, topic, and network
levels to understand the stability, complexity, and sensitivity of privacy
policies over time. We find that (1) privacy legislation correlates with
changes in stability and turbulence of PII data types in privacy policies; (2)
the complexity of privacy policies decreases over time and becomes more
regularized; (3) sensitivity rises over time and shows spikes that are
correlated with events when new privacy legislation is introduced. | cs.CL | More Data Types More Problems: A Temporal Analysis of Complexity, Stability, and Sensitivity in Privacy Policies |
2023-02-17T14:51:37Z | http://arxiv.org/pdf/2302.08921v1 | http://arxiv.org/abs/2302.08921v1 | Yan Zhao, Jincen Wang, Yuan Zong, Wenming Zheng, Hailun Lian, Li Zhao | 2023-02-17T14:51:37Z | cs.SD, cs.CL, eess.AS | In this paper, we propose a novel deep transfer learning method called deep
implicit distribution alignment networks (DIDAN) to deal with cross-corpus
speech emotion recognition (SER) problem, in which the labeled training
(source) and unlabeled testing (target) speech signals come from different
corpora. Specifically, DIDAN first adopts a simple deep regression network
consisting of a set of convolutional and fully connected layers to directly
regress the source speech spectrums into the emotional labels such that the
proposed DIDAN can own the emotion discriminative ability. Then, such ability
is transferred to be also applicable to the target speech samples regardless of
corpus variance by resorting to a well-designed regularization term called
implicit distribution alignment (IDA). Unlike widely-used maximum mean
discrepancy (MMD) and its variants, the proposed IDA absorbs the idea of sample
reconstruction to implicitly align the distribution gap, which enables DIDAN to
learn both emotion discriminative and corpus invariant features from speech
spectrums. To evaluate the proposed DIDAN, extensive cross-corpus SER
experiments on widely-used speech emotion corpora are carried out. Experimental
results show that the proposed DIDAN can outperform lots of recent
state-of-the-art methods in coping with the cross-corpus SER tasks. | cs.SD | Deep Implicit Distribution Alignment Networks for Cross-Corpus Speech Emotion Recognition |
2023-02-17T14:46:38Z | http://arxiv.org/pdf/2302.08917v1 | http://arxiv.org/abs/2302.08917v1 | Ke Hu, Tara N. Sainath, Bo Li, Nan Du, Yanping Huang, Andrew M. Dai, Yu Zhang, Rodrigo Cabrera, Zhifeng Chen, Trevor Strohman | 2023-02-17T14:46:38Z | cs.CL, cs.LG | While large language models (LLM) have made impressive progress in natural
language processing, it remains unclear how to utilize them in improving
automatic speech recognition (ASR). In this work, we propose to train a single
multilingual language model (LM) for shallow fusion in multiple languages. We
push the limits of the multilingual LM to cover up to 84 languages by scaling
up using a mixture-of-experts LLM, i.e., generalist language model (GLaM). When
the number of experts increases, GLaM dynamically selects only two at each
decoding step to keep the inference computation roughly constant. We then apply
GLaM to a multilingual shallow fusion task based on a state-of-the-art
end-to-end model. Compared to a dense LM of similar computation during
inference, GLaM reduces the WER of an English long-tail test set by 4.4%
relative. In a multilingual shallow fusion task, GLaM improves 41 out of 50
languages with an average relative WER reduction of 3.85%, and a maximum
reduction of 10%. Compared to the baseline model, GLaM achieves an average WER
reduction of 5.53% over 43 languages. | cs.CL | Massively Multilingual Shallow Fusion with Large Language Models |
2023-02-17T11:40:32Z | http://arxiv.org/pdf/2302.08822v1 | http://arxiv.org/abs/2302.08822v1 | Matteo Greco, Andrea Cometa, Fiorenzo Artoni, Robert Frank, Andrea Moro | 2023-02-17T11:40:32Z | cs.CL | A sharp tension exists about the nature of human language between two
opposite parties: those who believe that statistical surface distributions, in
particular using measures like surprisal, provide a better understanding of
language processing, vs. those who believe that discrete hierarchical
structures implementing linguistic information such as syntactic ones are a
better tool. In this paper, we show that this dichotomy is a false one. Relying
on the fact that statistical measures can be defined on the basis of either
structural or non-structural models, we provide empirical evidence that only
models of surprisal that reflect syntactic structure are able to account for
language regularities. | cs.CL | False perspectives on human language: why statistics needs linguistics |
2023-02-17T11:31:05Z | http://arxiv.org/pdf/2302.08817v2 | http://arxiv.org/abs/2302.08817v2 | Nuo Chen, Hongguang Li, Yinan Bao, Baoyuan Wang, Jia Li | 2023-10-09T04:57:56Z | cs.CL, cs.AI | Machine reading comprehension (MRC) is an important area of conversation
agents and draws a lot of attention. However, there is a notable limitation to
current MRC benchmarks: The labeled answers are mostly either spans extracted
from the target corpus or the choices of the given candidates, ignoring the
natural aspect of high-quality responses. As a result, MRC models trained on
these datasets can not generate human-like responses in real QA scenarios. To
this end, we construct a new dataset called Penguin to promote the research of
MRC, providing a training and test bed for natural response generation to real
scenarios. Concretely, Penguin consists of 200k training data with high-quality
fluent, and well-informed responses. Penguin is the first benchmark towards
natural response generation in Chinese MRC on a relatively large scale. To
address the challenges in Penguin, we develop two strong baselines: end-to-end
and two-stage frameworks. Following that, we further design Prompt-BART:
fine-tuning the pre-trained generative language models with a mixture of prefix
prompts in Penguin. Extensive experiments validated the effectiveness of this
design. | cs.CL | Natural Response Generation for Chinese Reading Comprehension |
2023-02-17T09:31:06Z | http://arxiv.org/pdf/2302.08777v1 | http://arxiv.org/abs/2302.08777v1 | Khouloud Mnassri, Praboda Rajapaksha, Reza Farahbakhsh, Noel Crespi | 2023-02-17T09:31:06Z | cs.CL, cs.IT, cs.LG, cs.SI, math.IT | The rise of emergence of social media platforms has fundamentally altered how
people communicate, and among the results of these developments is an increase
in online use of abusive content. Therefore, automatically detecting this
content is essential for banning inappropriate information, and reducing
toxicity and violence on social media platforms. The existing works on hate
speech and offensive language detection produce promising results based on
pre-trained transformer models, however, they considered only the analysis of
abusive content features generated through annotated datasets. This paper
addresses a multi-task joint learning approach which combines external
emotional features extracted from another corpora in dealing with the
imbalanced and scarcity of labeled datasets. Our analysis are using two
well-known Transformer-based models, BERT and mBERT, where the later is used to
address abusive content detection in multi-lingual scenarios. Our model jointly
learns abusive content detection with emotional features by sharing
representations through transformers' shared encoder. This approach increases
data efficiency, reduce overfitting via shared representations, and ensure fast
learning by leveraging auxiliary information. Our findings demonstrate that
emotional knowledge helps to more reliably identify hate speech and offensive
language across datasets. Our hate speech detection Multi-task model exhibited
3% performance improvement over baseline models, but the performance of
multi-task models were not significant for offensive language detection task.
More interestingly, in both tasks, multi-task models exhibits less false
positive errors compared to single task scenario. | cs.CL | Hate Speech and Offensive Language Detection using an Emotion-aware Shared Encoder |
2023-02-17T05:49:55Z | http://arxiv.org/pdf/2302.08709v1 | http://arxiv.org/abs/2302.08709v1 | Vincent Ng, Shengjie Li | 2023-02-17T05:49:55Z | cs.CL, cs.CV | Propaganda campaigns have long been used to influence public opinion via
disseminating biased and/or misleading information. Despite the increasing
prevalence of propaganda content on the Internet, few attempts have been made
by AI researchers to analyze such content. We introduce the task of multimodal
propaganda processing, where the goal is to automatically analyze propaganda
content. We believe that this task presents a long-term challenge to AI
researchers and that successful processing of propaganda could bring machine
understanding one important step closer to human understanding. We discuss the
technical challenges associated with this task and outline the steps that need
to be taken to address it. | cs.CL | Multimodal Propaganda Processing |
2023-02-17T03:54:31Z | http://arxiv.org/pdf/2302.08675v1 | http://arxiv.org/abs/2302.08675v1 | Youmi Ma, An Wang, Naoaki Okazaki | 2023-02-17T03:54:31Z | cs.CL | Document-level relation extraction (DocRE) is the task of identifying all
relations between each entity pair in a document. Evidence, defined as
sentences containing clues for the relationship between an entity pair, has
been shown to help DocRE systems focus on relevant texts, thus improving
relation extraction. However, evidence retrieval (ER) in DocRE faces two major
issues: high memory consumption and limited availability of annotations. This
work aims at addressing these issues to improve the usage of ER in DocRE.
First, we propose DREEAM, a memory-efficient approach that adopts evidence
information as the supervisory signal, thereby guiding the attention modules of
the DocRE system to assign high weights to evidence. Second, we propose a
self-training strategy for DREEAM to learn ER from automatically-generated
evidence on massive data without evidence annotations. Experimental results
reveal that our approach exhibits state-of-the-art performance on the DocRED
benchmark for both DocRE and ER. To the best of our knowledge, DREEAM is the
first approach to employ ER self-training. | cs.CL | DREEAM: Guiding Attention with Evidence for Improving Document-Level Relation Extraction |
2023-02-17T03:41:38Z | http://arxiv.org/pdf/2302.08672v1 | http://arxiv.org/abs/2302.08672v1 | Yunseok Jang, Sungryull Sohn, Lajanugen Logeswaran, Tiange Luo, Moontae Lee, Honglak Lee | 2023-02-17T03:41:38Z | cs.LG, cs.AI, cs.CL, cs.CV | Real-world tasks consist of multiple inter-dependent subtasks (e.g., a dirty
pan needs to be washed before it can be used for cooking). In this work, we aim
to model the causal dependencies between such subtasks from instructional
videos describing the task. This is a challenging problem since complete
information about the world is often inaccessible from videos, which demands
robust learning mechanisms to understand the causal structure of events. We
present Multimodal Subtask Graph Generation (MSG2), an approach that constructs
a Subtask Graph defining the dependency between a task's subtasks relevant to a
task from noisy web videos. Graphs generated by our multimodal approach are
closer to human-annotated graphs compared to prior approaches. MSG2 further
performs the downstream task of next subtask prediction 85% and 30% more
accurately than recent video transformer models in the ProceL and CrossTask
datasets, respectively. | cs.LG | Multimodal Subtask Graph Generation from Instructional Videos |
Subsets and Splits