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-05T16:15:46Z | http://arxiv.org/pdf/2302.02419v1 | http://arxiv.org/abs/2302.02419v1 | Jiachen Luo, Huy Phan, Joshua Reiss | 2023-02-05T16:15:46Z | cs.CL, cs.SD, eess.AS | Accurately detecting emotions in conversation is a necessary yet challenging
task due to the complexity of emotions and dynamics in dialogues. The emotional
state of a speaker can be influenced by many different factors, such as
interlocutor stimulus, dialogue scene, and topic. In this work, we propose a
conversational speech emotion recognition method to deal with capturing
attentive contextual dependency and speaker-sensitive interactions. First, we
use a pretrained VGGish model to extract segment-based audio representation in
individual utterances. Second, an attentive bi-directional gated recurrent unit
(GRU) models contextual-sensitive information and explores intra- and
inter-speaker dependencies jointly in a dynamic manner. The experiments
conducted on the standard conversational dataset MELD demonstrate the
effectiveness of the proposed method when compared against state-of the-art
methods. | cs.CL | deep learning of segment-level feature representation for speech emotion recognition in conversations |
2023-02-05T14:30:32Z | http://arxiv.org/pdf/2302.03499v1 | http://arxiv.org/abs/2302.03499v1 | Pinzhen Chen, Gerasimos Lampouras | 2023-02-05T14:30:32Z | cs.CL, cs.AI, cs.PL | Advances in natural language processing, such as transfer learning from
pre-trained language models, have impacted how models are trained for
programming language tasks too. Previous research primarily explored code
pre-training and expanded it through multi-modality and multi-tasking, yet the
data for downstream tasks remain modest in size. Focusing on data utilization
for downstream tasks, we propose and adapt augmentation methods that yield
consistent improvements in code translation and summarization by up to 6.9% and
7.5% respectively. Further analysis suggests that our methods work orthogonally
and show benefits in output code style and numeric consistency. We also discuss
test data imperfections. | cs.CL | Exploring Data Augmentation for Code Generation Tasks |
2023-02-05T09:49:18Z | http://arxiv.org/pdf/2302.03498v2 | http://arxiv.org/abs/2302.03498v2 | Zeping Min, Qian Ge, Zhong Li, Weinan E | 2023-02-15T11:09:06Z | cs.CL, cs.SD, eess.AS | We propose a unified framework for low resource automatic speech recognition
tasks named meta audio concatenation (MAC). It is easy to implement and can be
carried out in extremely low resource environments. Mathematically, we give a
clear description of MAC framework from the perspective of bayesian sampling.
In this framework, we leverage a novel concatenative synthesis text-to-speech
system to boost the low resource ASR task. By the concatenative synthesis
text-to-speech system, we can integrate language pronunciation rules and adjust
the TTS process. Furthermore, we propose a broad notion of meta audio set to
meet the modeling needs of different languages and different scenes when using
the system. Extensive experiments have demonstrated the great effectiveness of
MAC on low resource ASR tasks. For CTC greedy search, CTC prefix, attention,
and attention rescoring decode mode in Cantonese ASR task, Taiwanese ASR task,
and Japanese ASR task the MAC method can reduce the CER by more than 15\%.
Furthermore, in the ASR task, MAC beats wav2vec2 (with fine-tuning) on common
voice datasets of Cantonese and gets really competitive results on common voice
datasets of Taiwanese and Japanese. Among them, it is worth mentioning that we
achieve a \textbf{10.9\%} character error rate (CER) on the common voice
Cantonese ASR task, bringing about \textbf{30\%} relative improvement compared
to the wav2vec2 (with fine-tuning). | cs.CL | MAC: A unified framework boosting low resource automatic speech recognition |
2023-02-05T07:41:17Z | http://arxiv.org/pdf/2302.03507v2 | http://arxiv.org/abs/2302.03507v2 | Chengcheng Han, Yuhe Wang, Yingnan Fu, Xiang Li, Minghui Qiu, Ming Gao, Aoying Zhou | 2023-03-16T15:10:57Z | cs.CL, cs.AI | Few-shot learning has been used to tackle the problem of label scarcity in
text classification, of which meta-learning based methods have shown to be
effective, such as the prototypical networks (PROTO). Despite the success of
PROTO, there still exist three main problems: (1) ignore the randomness of the
sampled support sets when computing prototype vectors; (2) disregard the
importance of labeled samples; (3) construct meta-tasks in a purely random
manner. In this paper, we propose a Meta-Learning Siamese Network, namely,
Meta-SN, to address these issues. Specifically, instead of computing prototype
vectors from the sampled support sets, Meta-SN utilizes external knowledge
(e.g. class names and descriptive texts) for class labels, which is encoded as
the low-dimensional embeddings of prototype vectors. In addition, Meta-SN
presents a novel sampling strategy for constructing meta-tasks, which gives
higher sampling probabilities to hard-to-classify samples. Extensive
experiments are conducted on six benchmark datasets to show the clear
superiority of Meta-SN over other state-of-the-art models. For reproducibility,
all the datasets and codes are provided at https://github.com/hccngu/Meta-SN. | cs.CL | Meta-Learning Siamese Network for Few-Shot Text Classification |
2023-02-05T03:58:45Z | http://arxiv.org/pdf/2302.02291v3 | http://arxiv.org/abs/2302.02291v3 | Izunna Okpala, Guillermo Romera Rodriguez, Andrea Tapia, Shane Halse, Jess Kropczynski | 2023-02-22T15:09:49Z | cs.CL, cs.AI, cs.IR, I.2.7; I.5.1; I.7.1; I.7.2 | This study aims to demonstrate the methods for detecting negations in a
sentence by uniquely evaluating the lexical structure of the text via
word-sense disambiguation. The proposed framework examines all the unique
features in the various expressions within a text to resolve the contextual
usage of all tokens and decipher the effect of negation on sentiment analysis.
The application of popular expression detectors skips this important step,
thereby neglecting the root words caught in the web of negation and making text
classification difficult for machine learning and sentiment analysis. This
study adopts the Natural Language Processing (NLP) approach to discover and
antonimize words that were negated for better accuracy in text classification
using a knowledge base provided by an NLP library called WordHoard. Early
results show that our initial analysis improved on traditional sentiment
analysis, which sometimes neglects negations or assigns an inverse polarity
score. The SentiWordNet analyzer was improved by 35%, the Vader analyzer by 20%
and the TextBlob by 6%. | cs.CL | A Semantic Approach to Negation Detection and Word Disambiguation with Natural Language Processing |
2023-02-05T01:37:26Z | http://arxiv.org/pdf/2302.02275v1 | http://arxiv.org/abs/2302.02275v1 | Han He, Jinho D. Choi | 2023-02-05T01:37:26Z | cs.CL | Sequence-to-Sequence (S2S) models have achieved remarkable success on various
text generation tasks. However, learning complex structures with S2S models
remains challenging as external neural modules and additional lexicons are
often supplemented to predict non-textual outputs. We present a systematic
study of S2S modeling using contained decoding on four core tasks:
part-of-speech tagging, named entity recognition, constituency and dependency
parsing, to develop efficient exploitation methods costing zero extra
parameters. In particular, 3 lexically diverse linearization schemas and
corresponding constrained decoding methods are designed and evaluated.
Experiments show that although more lexicalized schemas yield longer output
sequences that require heavier training, their sequences being closer to
natural language makes them easier to learn. Moreover, S2S models using our
constrained decoding outperform other S2S approaches using external resources.
Our best models perform better than or comparably to the state-of-the-art for
all 4 tasks, lighting a promise for S2S models to generate non-sequential
structures. | cs.CL | Unleashing the True Potential of Sequence-to-Sequence Models for Sequence Tagging and Structure Parsing |
2023-02-04T20:30:32Z | http://arxiv.org/pdf/2302.02232v1 | http://arxiv.org/abs/2302.02232v1 | Sana Ghanem, Mustafa Jarrar, Radi Jarrar, Ibrahim Bounhas | 2023-02-04T20:30:32Z | cs.CL | This paper addresses the task of extending a given synset with additional
synonyms taking into account synonymy strength as a fuzzy value. Given a
mono/multilingual synset and a threshold (a fuzzy value [0-1]), our goal is to
extract new synonyms above this threshold from existing lexicons. We present
twofold contributions: an algorithm and a benchmark dataset. The dataset
consists of 3K candidate synonyms for 500 synsets. Each candidate synonym is
annotated with a fuzzy value by four linguists. The dataset is important for
(i) understanding how much linguists (dis/)agree on synonymy, in addition to
(ii) using the dataset as a baseline to evaluate our algorithm. Our proposed
algorithm extracts synonyms from existing lexicons and computes a fuzzy value
for each candidate. Our evaluations show that the algorithm behaves like a
linguist and its fuzzy values are close to those proposed by linguists (using
RMSE and MAE). The dataset and a demo page are publicly available at
https://portal.sina.birzeit.edu/synonyms. | cs.CL | A Benchmark and Scoring Algorithm for Enriching Arabic Synonyms |
2023-02-04T15:06:26Z | http://arxiv.org/pdf/2302.02178v1 | http://arxiv.org/abs/2302.02178v1 | Leonie Weissweiler, Taiqi He, Naoki Otani, David R. Mortensen, Lori Levin, Hinrich Schütze | 2023-02-04T15:06:26Z | cs.CL | Construction Grammar (CxG) has recently been used as the basis for probing
studies that have investigated the performance of large pretrained language
models (PLMs) with respect to the structure and meaning of constructions. In
this position paper, we make suggestions for the continuation and augmentation
of this line of research. We look at probing methodology that was not designed
with CxG in mind, as well as probing methodology that was designed for specific
constructions. We analyse selected previous work in detail, and provide our
view of the most important challenges and research questions that this
promising new field faces. | cs.CL | Construction Grammar Provides Unique Insight into Neural Language Models |
2023-02-04T13:55:12Z | http://arxiv.org/pdf/2302.02169v2 | http://arxiv.org/abs/2302.02169v2 | Jinghan Yang, Sarthak Jain, Byron C. Wallace | 2023-02-09T04:23:22Z | cs.LG, cs.AI, cs.CL | We consider the problem of identifying a minimal subset of training data
$\mathcal{S}_t$ such that if the instances comprising $\mathcal{S}_t$ had been
removed prior to training, the categorization of a given test point $x_t$ would
have been different. Identifying such a set may be of interest for a few
reasons. First, the cardinality of $\mathcal{S}_t$ provides a measure of
robustness (if $|\mathcal{S}_t|$ is small for $x_t$, we might be less confident
in the corresponding prediction), which we show is correlated with but
complementary to predicted probabilities. Second, interrogation of
$\mathcal{S}_t$ may provide a novel mechanism for contesting a particular model
prediction: If one can make the case that the points in $\mathcal{S}_t$ are
wrongly labeled or irrelevant, this may argue for overturning the associated
prediction. Identifying $\mathcal{S}_t$ via brute-force is intractable. We
propose comparatively fast approximation methods to find $\mathcal{S}_t$ based
on influence functions, and find that -- for simple convex text classification
models -- these approaches can often successfully identify relatively small
sets of training examples which, if removed, would flip the prediction. | cs.LG | How Many and Which Training Points Would Need to be Removed to Flip this Prediction? |
2023-02-04T11:40:40Z | http://arxiv.org/pdf/2302.02149v1 | http://arxiv.org/abs/2302.02149v1 | Jone Uria-Albizuri, Giovanni Sirio Carmantini, Peter beim Graben, Serafim Rodrigues | 2023-02-04T11:40:40Z | cs.NE, cs.CL, cs.FL, cs.SC | Computational modeling of neurodynamical systems often deploys neural
networks and symbolic dynamics. A particular way for combining these approaches
within a framework called vector symbolic architectures leads to neural
automata. An interesting research direction we have pursued under this
framework has been to consider mapping symbolic dynamics onto neurodynamics,
represented as neural automata. This representation theory, enables us to ask
questions, such as, how does the brain implement Turing computations.
Specifically, in this representation theory, neural automata result from the
assignment of symbols and symbol strings to numbers, known as G\"odel encoding.
Under this assignment symbolic computation becomes represented by trajectories
of state vectors in a real phase space, that allows for statistical correlation
analyses with real-world measurements and experimental data. However, these
assignments are usually completely arbitrary. Hence, it makes sense to address
the problem question of, which aspects of the dynamics observed under such a
representation is intrinsic to the dynamics and which are not. In this study,
we develop a formally rigorous mathematical framework for the investigation of
symmetries and invariants of neural automata under different encodings. As a
central concept we define patterns of equality for such systems. We consider
different macroscopic observables, such as the mean activation level of the
neural network, and ask for their invariance properties. Our main result shows
that only step functions that are defined over those patterns of equality are
invariant under recodings, while the mean activation is not. Our work could be
of substantial importance for related regression studies of real-world
measurements with neurosymbolic processors for avoiding confounding results
that are dependant on a particular encoding and not intrinsic to the dynamics. | cs.NE | Invariants for neural automata |
2023-02-04T10:22:18Z | http://arxiv.org/pdf/2302.02141v1 | http://arxiv.org/abs/2302.02141v1 | Feng Xue, Yu Li, Deyin Liu, Yincen Xie, Lin Wu, Richang Hong | 2023-02-04T10:22:18Z | cs.CV, cs.CL, cs.MM | Lipreading refers to understanding and further translating the speech of a
speaker in the video into natural language. State-of-the-art lipreading methods
excel in interpreting overlap speakers, i.e., speakers appear in both training
and inference sets. However, generalizing these methods to unseen speakers
incurs catastrophic performance degradation due to the limited number of
speakers in training bank and the evident visual variations caused by the
shape/color of lips for different speakers. Therefore, merely depending on the
visible changes of lips tends to cause model overfitting. To address this
problem, we propose to use multi-modal features across visual and landmarks,
which can describe the lip motion irrespective to the speaker identities. Then,
we develop a sentence-level lipreading framework based on visual-landmark
transformers, namely LipFormer. Specifically, LipFormer consists of a lip
motion stream, a facial landmark stream, and a cross-modal fusion. The
embeddings from the two streams are produced by self-attention, which are fed
to the cross-attention module to achieve the alignment between visuals and
landmarks. Finally, the resulting fused features can be decoded to output texts
by a cascade seq2seq model. Experiments demonstrate that our method can
effectively enhance the model generalization to unseen speakers. | cs.CV | LipFormer: Learning to Lipread Unseen Speakers based on Visual-Landmark Transformers |
2023-02-04T08:19:13Z | http://arxiv.org/pdf/2302.02128v1 | http://arxiv.org/abs/2302.02128v1 | Nayana Bannur, Mashrin Srivastava, Harsha Vardhan | 2023-02-04T08:19:13Z | cs.SI, cs.CL, cs.LG | Link prediction in graphs is a task that has been widely investigated. It has
been applied in various domains such as knowledge graph completion,
content/item recommendation, social network recommendations and so on. The
initial focus of most research was on link prediction in static graphs.
However, there has recently been abundant work on modeling temporal graphs, and
consequently one of the tasks that has been researched is link prediction in
temporal graphs. However, most of the existing work does not focus on the order
of link formation, and only predicts the existence of links. In this study, we
aim to predict the order of node interactions. | cs.SI | Interaction Order Prediction for Temporal Graphs |
2023-02-04T07:44:23Z | http://arxiv.org/pdf/2302.02123v3 | http://arxiv.org/abs/2302.02123v3 | Elicia Ye | 2023-03-17T00:08:53Z | cs.CL, cs.AI, cs.NE | Prior work has attempted to understand the internal structures and
functionalities of Transformer-based encoder-decoder architectures on the level
of multi-head attention and feed-forward sublayers. Interpretations have
focused on the encoder and decoder, along with the combinatorial possibilities
of the self-attention, cross-attention, and feed-forward sublayers. However,
without examining the low-level structures, one gains limited understanding of
the motivation behind sublayer reordering. Could we dive into the sublayer
abstraction and permute layer weight matrices to improve the quality of
translation? We propose AEIUOrder to greedily reorder layer weight matrices in
the encoder by their well-trainedness, as measured by Heavy-Tailed
Self-Regularization (HT-SR) metrics, and order the decoder matrices
correspondingly. Our results suggest that greedily reordering layer weight
matrices to maximize Total well-trainedness facilitates the model to learn
representations and generate translations more effectively. | cs.CL | Greedy Ordering of Layer Weight Matrices in Transformers Improves Translation |
2023-02-04T07:36:17Z | http://arxiv.org/pdf/2302.02122v1 | http://arxiv.org/abs/2302.02122v1 | Deepak Kanneganti | 2023-02-04T07:36:17Z | cs.CL, cs.AI | In this study, we presented a four-level cross-domain strategy for fake news
detection on pre-trained models. Cross-domain text classification is a task of
a model adopting a target domain by using the knowledge of the source domain.
Explainability is crucial in understanding the behaviour of these complex
models. A fine-tune BERT model is used to. perform cross-domain classification
with several experiments using datasets from different domains. Explanatory
models like Anchor, ELI5, LIME and SHAP are used to design a novel explainable
approach to cross-domain levels. The experimental analysis has given an ideal
pair of XAI models on different levels of cross-domain. | cs.CL | A New cross-domain strategy based XAI models for fake news detection |
2023-02-04T07:01:02Z | http://arxiv.org/pdf/2302.02116v1 | http://arxiv.org/abs/2302.02116v1 | Weidong Ji, Zengxiang Yin, Guohui Zhou, Yuqi Yue, Xinru Zhang, Chenghong Sun | 2023-02-04T07:01:02Z | cs.CL | Translation models tend to ignore the rich semantic information in triads in
the process of knowledge graph complementation. To remedy this shortcoming,
this paper constructs a knowledge graph complementation method that
incorporates adaptively enhanced semantic information. The hidden semantic
information inherent in the triad is obtained by fine-tuning the BERT model,
and the attention feature embedding method is used to calculate the semantic
attention scores between relations and entities in positive and negative triads
and incorporate them into the structural information to form a soft constraint
rule for semantic information. The rule is added to the original translation
model to realize the adaptive enhancement of semantic information. In addition,
the method takes into account the effect of high-dimensional vectors on the
effect, and uses the BERT-whitening method to reduce the dimensionality and
generate a more efficient semantic vector representation. After experimental
comparison, the proposed method performs better on both FB15K and WIN18
datasets, with a numerical improvement of about 2.6% compared with the original
translation model, which verifies the reasonableness and effectiveness of the
method. | cs.CL | Knowledge Graph Completion Method Combined With Adaptive Enhanced Semantic Information |
2023-02-04T06:55:24Z | http://arxiv.org/pdf/2302.03496v1 | http://arxiv.org/abs/2302.03496v1 | Sherina Sally | 2023-02-04T06:55:24Z | cs.CL | Product-related reviews are based on users' experiences that are mostly
shared on videos in YouTube. It is the second most popular website globally in
2021. People prefer to watch videos on recently released products prior to
purchasing, in order to gather overall feedback and make worthy decisions.
These videos are created by vloggers who are enthusiastic about technical
materials and feedback is usually placed by experienced users of the product or
its brand. Analyzing the sentiment of the user reviews gives useful insights
into the product in general. This study is focused on three smartphone reviews,
namely, Apple iPhone 13, Google Pixel 6, and Samsung Galaxy S21 which were
released in 2021. VADER, which is a lexicon and rule-based sentiment analysis
tool was used to classify each comment to its appropriate positive or negative
orientation. All three smartphones show a positive sentiment from the users'
perspective and iPhone 13 has the highest number of positive reviews. The
resulting models have been tested using N\"aive Bayes, Decision Tree, and
Support Vector Machine. Among these three classifiers, Support Vector Machine
shows higher accuracies and F1-scores. | cs.CL | Sentiment Analysis on YouTube Smart Phone Unboxing Video Reviews in Sri Lanka |
2023-02-04T04:49:17Z | http://arxiv.org/pdf/2303.07205v3 | http://arxiv.org/abs/2303.07205v3 | Ruixiang Tang, Yu-Neng Chuang, Xia Hu | 2023-06-02T19:24:17Z | cs.CL, cs.AI | The emergence of large language models (LLMs) has resulted in the production
of LLM-generated texts that is highly sophisticated and almost
indistinguishable from texts written by humans. However, this has also sparked
concerns about the potential misuse of such texts, such as spreading
misinformation and causing disruptions in the education system. Although many
detection approaches have been proposed, a comprehensive understanding of the
achievements and challenges is still lacking. This survey aims to provide an
overview of existing LLM-generated text detection techniques and enhance the
control and regulation of language generation models. Furthermore, we emphasize
crucial considerations for future research, including the development of
comprehensive evaluation metrics and the threat posed by open-source LLMs, to
drive progress in the area of LLM-generated text detection. | cs.CL | The Science of Detecting LLM-Generated Texts |
2023-02-04T03:50:01Z | http://arxiv.org/pdf/2302.02083v6 | http://arxiv.org/abs/2302.02083v6 | Michal Kosinski | 2024-02-17T02:05:32Z | cs.CL, cs.CY, cs.HC | Eleven Large Language Models (LLMs) were assessed using a custom-made battery
of false-belief tasks, considered a gold standard in testing Theory of Mind
(ToM) in humans. The battery included 640 prompts spread across 40 diverse
tasks, each one including a false-belief scenario, three closely matched
true-belief control scenarios, and the reversed versions of all four. To solve
a single task, a model needed to correctly answer 16 prompts across all eight
scenarios. Smaller and older models solved no tasks; GPT-3-davinci-003 (from
November 2022) and ChatGPT-3.5-turbo (from March 2023) solved 20% of the tasks;
ChatGPT-4 (from June 2023) solved 75% of the tasks, matching the performance of
six-year-old children observed in past studies. We explore the potential
interpretation of these findings, including the intriguing possibility that
ToM, previously considered exclusive to humans, may have spontaneously emerged
as a byproduct of LLMs' improving language skills. | cs.CL | Evaluating Large Language Models in Theory of Mind Tasks |
2023-02-04T03:40:35Z | http://arxiv.org/pdf/2302.02080v1 | http://arxiv.org/abs/2302.02080v1 | Yi-An Lai, Elman Mansimov, Yuqing Xie, Yi Zhang | 2023-02-04T03:40:35Z | cs.CL | When upgrading neural models to a newer version, new errors that were not
encountered in the legacy version can be introduced, known as regression
errors. This inconsistent behavior during model upgrade often outweighs the
benefits of accuracy gain and hinders the adoption of new models. To mitigate
regression errors from model upgrade, distillation and ensemble have proven to
be viable solutions without significant compromise in performance. Despite the
progress, these approaches attained an incremental reduction in regression
which is still far from achieving backward-compatible model upgrade. In this
work, we propose a novel method, Gated Fusion, that promotes backward
compatibility via learning to mix predictions between old and new models.
Empirical results on two distinct model upgrade scenarios show that our method
reduces the number of regression errors by 62% on average, outperforming the
strongest baseline by an average of 25%. | cs.CL | Improving Prediction Backward-Compatiblility in NLP Model Upgrade with Gated Fusion |
2023-02-04T03:30:07Z | http://arxiv.org/pdf/2302.02078v2 | http://arxiv.org/abs/2302.02078v2 | Chenghong Sun, Weidong Ji, Guohui Zhou, Hui Guo, Zengxiang Yin, Yuqi Yue | 2023-03-18T08:29:52Z | cs.CL, cs.AI | The main purpose of relation extraction is to extract the semantic
relationships between tagged pairs of entities in a sentence, which plays an
important role in the semantic understanding of sentences and the construction
of knowledge graphs. In this paper, we propose that the key semantic
information within a sentence plays a key role in the relationship extraction
of entities. We propose the hypothesis that the key semantic information inside
the sentence plays a key role in entity relationship extraction. And based on
this hypothesis, we split the sentence into three segments according to the
location of the entity from the inside of the sentence, and find the
fine-grained semantic features inside the sentence through the intra-sentence
attention mechanism to reduce the interference of irrelevant noise information.
The proposed relational extraction model can make full use of the available
positive semantic information. The experimental results show that the proposed
relation extraction model improves the accuracy-recall curves and P@N values
compared with existing methods, which proves the effectiveness of this model. | cs.CL | FGSI: Distant Supervision for Relation Extraction method based on Fine-Grained Semantic Information |
2023-02-04T02:44:48Z | http://arxiv.org/pdf/2302.02069v2 | http://arxiv.org/abs/2302.02069v2 | Xiangrong Zhu, Guangyao Li, Wei Hu | 2023-02-26T04:00:43Z | cs.LG, cs.CL | Federated Learning (FL) recently emerges as a paradigm to train a global
machine learning model across distributed clients without sharing raw data.
Knowledge Graph (KG) embedding represents KGs in a continuous vector space,
serving as the backbone of many knowledge-driven applications. As a promising
combination, federated KG embedding can fully take advantage of knowledge
learned from different clients while preserving the privacy of local data.
However, realistic problems such as data heterogeneity and knowledge forgetting
still remain to be concerned. In this paper, we propose FedLU, a novel FL
framework for heterogeneous KG embedding learning and unlearning. To cope with
the drift between local optimization and global convergence caused by data
heterogeneity, we propose mutual knowledge distillation to transfer local
knowledge to global, and absorb global knowledge back. Moreover, we present an
unlearning method based on cognitive neuroscience, which combines retroactive
interference and passive decay to erase specific knowledge from local clients
and propagate to the global model by reusing knowledge distillation. We
construct new datasets for assessing realistic performance of the
state-of-the-arts. Extensive experiments show that FedLU achieves superior
results in both link prediction and knowledge forgetting. | cs.LG | Heterogeneous Federated Knowledge Graph Embedding Learning and Unlearning |
2023-02-04T02:26:08Z | http://arxiv.org/pdf/2302.02064v2 | http://arxiv.org/abs/2302.02064v2 | Salvatore Giorgi, Douglas Bellew, Daniel Roy Sadek Habib, Garrick Sherman, Joao Sedoc, Chase Smitterberg, Amanda Devoto, McKenzie Himelein-Wachowiak, Brenda Curtis | 2023-07-16T11:26:31Z | cs.CL | Stigma toward people who use substances (PWUS) is a leading barrier to
seeking treatment.Further, those in treatment are more likely to drop out if
they experience higher levels of stigmatization. While related concepts of hate
speech and toxicity, including those targeted toward vulnerable populations,
have been the focus of automatic content moderation research, stigma and, in
particular, people who use substances have not. This paper explores stigma
toward PWUS using a data set of roughly 5,000 public Reddit posts. We performed
a crowd-sourced annotation task where workers are asked to annotate each post
for the presence of stigma toward PWUS and answer a series of questions related
to their experiences with substance use. Results show that workers who use
substances or know someone with a substance use disorder are more likely to
rate a post as stigmatizing. Building on this, we use a supervised machine
learning framework that centers workers with lived substance use experience to
label each Reddit post as stigmatizing. Modeling person-level demographics in
addition to comment-level language results in a classification accuracy (as
measured by AUC) of 0.69 -- a 17% increase over modeling language alone.
Finally, we explore the linguist cues which distinguish stigmatizing content:
PWUS substances and those who don't agree that language around othering
("people", "they") and terms like "addict" are stigmatizing, while PWUS (as
opposed to those who do not) find discussions around specific substances more
stigmatizing. Our findings offer insights into the nature of perceived stigma
in substance use. Additionally, these results further establish the subjective
nature of such machine learning tasks, highlighting the need for understanding
their social contexts. | cs.CL | Lived Experience Matters: Automatic Detection of Stigma on Social Media Toward People Who Use Substances |
2023-02-04T01:54:17Z | http://arxiv.org/pdf/2302.02060v2 | http://arxiv.org/abs/2302.02060v2 | Yu Meng, Jitin Krishnan, Sinong Wang, Qifan Wang, Yuning Mao, Han Fang, Marjan Ghazvininejad, Jiawei Han, Luke Zettlemoyer | 2024-03-16T04:28:35Z | cs.CL, cs.LG | Masked Language Modeling (MLM) has been one of the most prominent approaches
for pretraining bidirectional text encoders due to its simplicity and
effectiveness. One notable concern about MLM is that the special
$\texttt{[MASK]}$ symbol causes a discrepancy between pretraining data and
downstream data as it is present only in pretraining but not in fine-tuning. In
this work, we offer a new perspective on the consequence of such a discrepancy:
We demonstrate empirically and theoretically that MLM pretraining allocates
some model dimensions exclusively for representing $\texttt{[MASK]}$ tokens,
resulting in a representation deficiency for real tokens and limiting the
pretrained model's expressiveness when it is adapted to downstream data without
$\texttt{[MASK]}$ tokens. Motivated by the identified issue, we propose MAE-LM,
which pretrains the Masked Autoencoder architecture with MLM where
$\texttt{[MASK]}$ tokens are excluded from the encoder. Empirically, we show
that MAE-LM improves the utilization of model dimensions for real token
representations, and MAE-LM consistently outperforms MLM-pretrained models
across different pretraining settings and model sizes when fine-tuned on the
GLUE and SQuAD benchmarks. | cs.CL | Representation Deficiency in Masked Language Modeling |
2023-02-03T23:26:59Z | http://arxiv.org/pdf/2302.02029v1 | http://arxiv.org/abs/2302.02029v1 | Shamik Roy, Nishanth Sridhar Nakshatri, Dan Goldwasser | 2023-02-03T23:26:59Z | cs.CL | Data scarcity is a common problem in NLP, especially when the annotation
pertains to nuanced socio-linguistic concepts that require specialized
knowledge. As a result, few-shot identification of these concepts is desirable.
Few-shot in-context learning using pre-trained Large Language Models (LLMs) has
been recently applied successfully in many NLP tasks. In this paper, we study
few-shot identification of a psycho-linguistic concept, Morality Frames (Roy et
al., 2021), using LLMs. Morality frames are a representation framework that
provides a holistic view of the moral sentiment expressed in text, identifying
the relevant moral foundation (Haidt and Graham, 2007) and at a finer level of
granularity, the moral sentiment expressed towards the entities mentioned in
the text. Previous studies relied on human annotation to identify morality
frames in text which is expensive. In this paper, we propose prompting-based
approaches using pretrained Large Language Models for identification of
morality frames, relying only on few-shot exemplars. We compare our models'
performance with few-shot RoBERTa and found promising results. | cs.CL | Towards Few-Shot Identification of Morality Frames using In-Context Learning |
2023-02-03T22:58:07Z | http://arxiv.org/pdf/2302.02023v1 | http://arxiv.org/abs/2302.02023v1 | Lingfeng Shen, Ze Zhang, Haiyun Jiang, Ying Chen | 2023-02-03T22:58:07Z | cs.CL, cs.AI | Adversarial attack serves as a major challenge for neural network models in
NLP, which precludes the model's deployment in safety-critical applications. A
recent line of work, detection-based defense, aims to distinguish adversarial
sentences from benign ones. However, {the core limitation of previous detection
methods is being incapable of giving correct predictions on adversarial
sentences unlike defense methods from other paradigms.} To solve this issue,
this paper proposes TextShield: (1) we discover a link between text attack and
saliency information, and then we propose a saliency-based detector, which can
effectively detect whether an input sentence is adversarial or not. (2) We
design a saliency-based corrector, which converts the detected adversary
sentences to benign ones. By combining the saliency-based detector and
corrector, TextShield extends the detection-only paradigm to a
detection-correction paradigm, thus filling the gap in the existing
detection-based defense. Comprehensive experiments show that (a) TextShield
consistently achieves higher or comparable performance than state-of-the-art
defense methods across various attacks on different benchmarks. (b) our
saliency-based detector outperforms existing detectors for detecting
adversarial sentences. | cs.CL | TextShield: Beyond Successfully Detecting Adversarial Sentences in Text Classification |
2023-02-03T21:56:32Z | http://arxiv.org/pdf/2302.02016v1 | http://arxiv.org/abs/2302.02016v1 | Arshdeep Sekhon, Hanjie Chen, Aman Shrivastava, Zhe Wang, Yangfeng Ji, Yanjun Qi | 2023-02-03T21:56:32Z | cs.CL, cs.AI | Recent NLP literature has seen growing interest in improving model
interpretability. Along this direction, we propose a trainable neural network
layer that learns a global interaction graph between words and then selects
more informative words using the learned word interactions. Our layer, we call
WIGRAPH, can plug into any neural network-based NLP text classifiers right
after its word embedding layer. Across multiple SOTA NLP models and various NLP
datasets, we demonstrate that adding the WIGRAPH layer substantially improves
NLP models' interpretability and enhances models' prediction performance at the
same time. | cs.CL | Improving Interpretability via Explicit Word Interaction Graph Layer |
2023-02-03T21:51:55Z | http://arxiv.org/pdf/2302.03036v1 | http://arxiv.org/abs/2302.03036v1 | Joe Toplyn | 2023-02-03T21:51:55Z | cs.CL, cs.AI, I.2.7; J.5 | A previous paper presented Witscript, a system for generating conversational
jokes that rely on wordplay. This paper extends that work by presenting
Witscript 2, which uses a large language model to generate conversational jokes
that rely on common sense instead of wordplay. Like Witscript, Witscript 2 is
based on joke-writing algorithms created by an expert comedy writer. Human
evaluators judged Witscript 2's responses to input sentences to be jokes 46% of
the time, compared to 70% of the time for human-written responses. This is
evidence that Witscript 2 represents another step toward giving a chatbot a
humanlike sense of humor. | cs.CL | Witscript 2: A System for Generating Improvised Jokes Without Wordplay |
2023-02-03T21:30:34Z | http://arxiv.org/pdf/2302.02008v1 | http://arxiv.org/abs/2302.02008v1 | Joe Toplyn | 2023-02-03T21:30:34Z | cs.CL, cs.AI, I.2.7; J.5 | A chatbot is perceived as more humanlike and likeable if it includes some
jokes in its output. But most existing joke generators were not designed to be
integrated into chatbots. This paper presents Witscript, a novel joke
generation system that can improvise original, contextually relevant jokes,
such as humorous responses during a conversation. The system is based on joke
writing algorithms created by an expert comedy writer. Witscript employs
well-known tools of natural language processing to extract keywords from a
topic sentence and, using wordplay, to link those keywords and related words to
create a punch line. Then a pretrained neural network language model that has
been fine-tuned on a dataset of TV show monologue jokes is used to complete the
joke response by filling the gap between the topic sentence and the punch line.
A method of internal scoring filters out jokes that don't meet a preset
standard of quality. Human evaluators judged Witscript's responses to input
sentences to be jokes more than 40% of the time. This is evidence that
Witscript represents an important next step toward giving a chatbot a humanlike
sense of humor. | cs.CL | Witscript: A System for Generating Improvised Jokes in a Conversation |
2023-02-03T20:09:17Z | http://arxiv.org/pdf/2302.01984v1 | http://arxiv.org/abs/2302.01984v1 | Nathan Roll, Calbert Graham, Simon Todd | 2023-02-03T20:09:17Z | cs.CL, cs.SD, eess.AS | Self-attention mechanisms have enabled transformers to achieve
superhuman-level performance on many speech-to-text (STT) tasks, yet the
challenge of automatic prosodic segmentation has remained unsolved. In this
paper we finetune Whisper, a pretrained STT model, to annotate intonation unit
(IU) boundaries by repurposing low-frequency tokens. Our approach achieves an
accuracy of 95.8%, outperforming previous methods without the need for
large-scale labeled data or enterprise grade compute resources. We also
diminish input signals by applying a series of filters, finding that low pass
filters at a 3.2 kHz level improve segmentation performance in out of sample
and out of distribution contexts. We release our model as both a transcription
tool and a baseline for further improvements in prosodic segmentation. | cs.CL | PSST! Prosodic Speech Segmentation with Transformers |
2023-02-03T19:47:22Z | http://arxiv.org/pdf/2302.01973v3 | http://arxiv.org/abs/2302.01973v3 | Gabriel Orlanski, Kefan Xiao, Xavier Garcia, Jeffrey Hui, Joshua Howland, Jonathan Malmaud, Jacob Austin, Rishabh Singh, Michele Catasta | 2023-05-24T16:20:33Z | cs.LG, cs.CL, cs.PL | Current benchmarks for evaluating neural code models focus on only a small
subset of programming languages, excluding many popular languages such as Go or
Rust. To ameliorate this issue, we present the BabelCode framework for
execution-based evaluation of any benchmark in any language. BabelCode enables
new investigations into the qualitative performance of models' memory, runtime,
and individual test case results. Additionally, we present a new code
translation dataset called Translating Python Programming Puzzles (TP3) from
the Python Programming Puzzles (Schuster et al. 2021) benchmark that involves
translating expert-level python functions to any language. With both BabelCode
and the TP3 benchmark, we investigate if balancing the distributions of 14
languages in a training dataset improves a large language model's performance
on low-resource languages. Training a model on a balanced corpus results in, on
average, 12.34% higher $pass@k$ across all tasks and languages compared to the
baseline. We find that this strategy achieves 66.48% better $pass@k$ on
low-resource languages at the cost of only a 12.94% decrease to high-resource
languages. In our three translation tasks, this strategy yields, on average,
30.77% better low-resource $pass@k$ while having 19.58% worse high-resource
$pass@k$. | cs.LG | Measuring The Impact Of Programming Language Distribution |
2023-02-03T19:25:13Z | http://arxiv.org/pdf/2302.04818v1 | http://arxiv.org/abs/2302.04818v1 | Lingfei Luan, Xi Lin, Wenbiao Li | 2023-02-03T19:25:13Z | cs.CY, cs.CL, cs.HC | The emergence of artificial intelligence has incited a paradigm shift across
the spectrum of human endeavors, with ChatGPT serving as a catalyst for the
transformation of various established domains, including but not limited to
education, journalism, security, and ethics. In the post-pandemic era, the
widespread adoption of remote work has prompted the educational sector to
reassess conventional pedagogical methods. This paper is to scrutinize the
underlying psychological principles of ChatGPT, delve into the factors that
captivate user attention, and implicate its ramifications on the future of
learning. The ultimate objective of this study is to instigate a scholarly
discourse on the interplay between technological advancements in education and
the evolution of human learning patterns, raising the question of whether
technology is driving human evolution or vice versa. | cs.CY | Exploring the Cognitive Dynamics of Artificial Intelligence in the Post-COVID-19 and Learning 3.0 Era: A Case Study of ChatGPT |
2023-02-03T17:07:23Z | http://arxiv.org/pdf/2302.01860v2 | http://arxiv.org/abs/2302.01860v2 | Lihu Chen, Gaël Varoquaux, Fabian M. Suchanek | 2023-03-13T21:41:39Z | cs.CL | Acronym Disambiguation (AD) is crucial for natural language understanding on
various sources, including biomedical reports, scientific papers, and search
engine queries. However, existing acronym disambiguation benchmarks and tools
are limited to specific domains, and the size of prior benchmarks is rather
small. To accelerate the research on acronym disambiguation, we construct a new
benchmark named GLADIS with three components: (1) a much larger acronym
dictionary with 1.5M acronyms and 6.4M long forms; (2) a pre-training corpus
with 160 million sentences; (3) three datasets that cover the general,
scientific, and biomedical domains. We then pre-train a language model,
\emph{AcroBERT}, on our constructed corpus for general acronym disambiguation,
and show the challenges and values of our new benchmark. | cs.CL | GLADIS: A General and Large Acronym Disambiguation Benchmark |
2023-02-03T17:05:59Z | http://arxiv.org/pdf/2302.01859v2 | http://arxiv.org/abs/2302.01859v2 | Mingyang Chen, Wen Zhang, Yuxia Geng, Zezhong Xu, Jeff Z. Pan, Huajun Chen | 2023-12-16T06:06:03Z | cs.CL | Knowledge graphs (KGs) have become valuable knowledge resources in various
applications, and knowledge graph embedding (KGE) methods have garnered
increasing attention in recent years. However, conventional KGE methods still
face challenges when it comes to handling unseen entities or relations during
model testing. To address this issue, much effort has been devoted to various
fields of KGs. In this paper, we use a set of general terminologies to unify
these methods and refer to them collectively as Knowledge Extrapolation. We
comprehensively summarize these methods, classified by our proposed taxonomy,
and describe their interrelationships. Additionally, we introduce benchmarks
and provide comparisons of these methods based on aspects that are not captured
by the taxonomy. Finally, we suggest potential directions for future research. | cs.CL | Generalizing to Unseen Elements: A Survey on Knowledge Extrapolation for Knowledge Graphs |
2023-02-03T16:49:46Z | http://arxiv.org/pdf/2302.01849v1 | http://arxiv.org/abs/2302.01849v1 | Mingyang Chen, Wen Zhang, Zhen Yao, Yushan Zhu, Yang Gao, Jeff Z. Pan, Huajun Chen | 2023-02-03T16:49:46Z | cs.CL | We propose an entity-agnostic representation learning method for handling the
problem of inefficient parameter storage costs brought by embedding knowledge
graphs. Conventional knowledge graph embedding methods map elements in a
knowledge graph, including entities and relations, into continuous vector
spaces by assigning them one or multiple specific embeddings (i.e., vector
representations). Thus the number of embedding parameters increases linearly as
the growth of knowledge graphs. In our proposed model, Entity-Agnostic
Representation Learning (EARL), we only learn the embeddings for a small set of
entities and refer to them as reserved entities. To obtain the embeddings for
the full set of entities, we encode their distinguishable information from
their connected relations, k-nearest reserved entities, and multi-hop
neighbors. We learn universal and entity-agnostic encoders for transforming
distinguishable information into entity embeddings. This approach allows our
proposed EARL to have a static, efficient, and lower parameter count than
conventional knowledge graph embedding methods. Experimental results show that
EARL uses fewer parameters and performs better on link prediction tasks than
baselines, reflecting its parameter efficiency. | cs.CL | Entity-Agnostic Representation Learning for Parameter-Efficient Knowledge Graph Embedding |
2023-02-03T16:37:08Z | http://arxiv.org/pdf/2302.01842v1 | http://arxiv.org/abs/2302.01842v1 | Vladimir Ershov | 2023-02-03T16:37:08Z | cs.AI, cs.CL, cs.IR, cs.LG, I.2.1; I.2.4; J.1 | The paper presents a study on using language models to automate the
construction of executable Knowledge Graph (KG) for compliance. The paper
focuses on Abu Dhabi Global Market regulations and taxonomy, involves manual
tagging a portion of the regulations, training BERT-based models, which are
then applied to the rest of the corpus. Coreference resolution and syntax
analysis were used to parse the relationships between the tagged entities and
to form KG stored in a Neo4j database. The paper states that the use of machine
learning models released by regulators to automate the interpretation of rules
is a vital step towards compliance automation, demonstrates the concept
querying with Cypher, and states that the produced sub-graphs combined with
Graph Neural Networks (GNN) will achieve expandability in judgment automation
systems. The graph is open sourced on GitHub to provide structured data for
future advancements in the field. | cs.AI | A Case Study for Compliance as Code with Graphs and Language Models: Public release of the Regulatory Knowledge Graph |
2023-02-03T16:30:09Z | http://arxiv.org/pdf/2302.01839v1 | http://arxiv.org/abs/2302.01839v1 | Priyanka Dey, Roxana Girju | 2023-02-03T16:30:09Z | cs.CL | One important aspect of language is how speakers generate utterances and
texts to convey their intended meanings. In this paper, we bring various
aspects of the Construction Grammar (CxG) and the Systemic Functional Grammar
(SFG) theories in a deep learning computational framework to model empathic
language. Our corpus consists of 440 essays written by premed students as
narrated simulated patient-doctor interactions. We start with baseline
classifiers (state-of-the-art recurrent neural networks and transformer
models). Then, we enrich these models with a set of linguistic constructions
proving the importance of this novel approach to the task of empathy
classification for this dataset. Our results indicate the potential of such
constructions to contribute to the overall empathy profile of first-person
narrative essays. | cs.CL | Investigating Stylistic Profiles for the Task of Empathy Classification in Medical Narrative Essays |
2023-02-03T15:57:54Z | http://arxiv.org/pdf/2302.01823v1 | http://arxiv.org/abs/2302.01823v1 | Nikita Katyal, Pawan Kumar Rajpoot | 2023-02-03T15:57:54Z | cs.CL | Text Simplification is an ongoing problem in Natural Language Processing,
solution to which has varied implications. In conjunction with the TSAR-2022
Workshop @EMNLP2022 Lexical Simplification is the process of reducing the
lexical complexity of a text by replacing difficult words with easier to read
(or understand) expressions while preserving the original information and
meaning. This paper explains the work done by our team "teamPN" for English sub
task. We created a modular pipeline which combines modern day transformers
based models with traditional NLP methods like paraphrasing and verb sense
disambiguation. We created a multi level and modular pipeline where the target
text is treated according to its semantics(Part of Speech Tag). Pipeline is
multi level as we utilize multiple source models to find potential candidates
for replacement, It is modular as we can switch the source models and their
weight-age in the final re-ranking. | cs.CL | Lexical Simplification using multi level and modular approach |
2023-02-03T15:17:53Z | http://arxiv.org/pdf/2302.01806v1 | http://arxiv.org/abs/2302.01806v1 | Hoang Van | 2023-02-03T15:17:53Z | cs.CL, cs.AI | In recent years, pretrained neural language models (PNLMs) have taken the
field of natural language processing by storm, achieving new benchmarks and
state-of-the-art performances. These models often rely heavily on annotated
data, which may not always be available. Data scarcity are commonly found in
specialized domains, such as medical, or in low-resource languages that are
underexplored by AI research. In this dissertation, we focus on mitigating data
scarcity using data augmentation and neural ensemble learning techniques for
neural language models. In both research directions, we implement neural
network algorithms and evaluate their impact on assisting neural language
models in downstream NLP tasks. Specifically, for data augmentation, we explore
two techniques: 1) creating positive training data by moving an answer span
around its original context and 2) using text simplification techniques to
introduce a variety of writing styles to the original training data. Our
results indicate that these simple and effective solutions improve the
performance of neural language models considerably in low-resource NLP domains
and tasks. For neural ensemble learning, we use a multilabel neural classifier
to select the best prediction outcome from a variety of individual pretrained
neural language models trained for a low-resource medical text simplification
task. | cs.CL | Mitigating Data Scarcity for Large Language Models |
2023-02-03T15:14:04Z | http://arxiv.org/pdf/2302.02801v1 | http://arxiv.org/abs/2302.02801v1 | Belinda Z. Li, William Chen, Pratyusha Sharma, Jacob Andreas | 2023-02-03T15:14:04Z | cs.LG, cs.CL | Language models trained on large text corpora encode rich distributional
information about real-world environments and action sequences. This
information plays a crucial role in current approaches to language processing
tasks like question answering and instruction generation. We describe how to
leverage language models for *non-linguistic* perception and control tasks. Our
approach casts labeling and decision-making as inference in probabilistic
graphical models in which language models parameterize prior distributions over
labels, decisions and parameters, making it possible to integrate uncertain
observations and incomplete background knowledge in a principled way. Applied
to semantic segmentation, household navigation, and activity recognition tasks,
this approach improves predictions on rare, out-of-distribution, and
structurally novel inputs. | cs.LG | LaMPP: Language Models as Probabilistic Priors for Perception and Action |
2023-02-03T14:31:17Z | http://arxiv.org/pdf/2302.01935v2 | http://arxiv.org/abs/2302.01935v2 | Pan Gao, Donghong Han, Rui Zhou, Xuejiao Zhang, Zikun Wang | 2023-02-22T00:45:26Z | cs.CL, cs.HC | Empathy is an important characteristic to be considered when building a more
intelligent and humanized dialogue agent. However, existing methods did not
fully comprehend empathy as a complex process involving three aspects:
cognition, affection and behavior. In this paper, we propose CAB, a novel
framework that takes a comprehensive perspective of cognition, affection and
behavior to generate empathetic responses. For cognition, we build paths
between critical keywords in the dialogue by leveraging external knowledge.
This is because keywords in a dialogue are the core of sentences. Building the
logic relationship between keywords, which is overlooked by the majority of
existing works, can improve the understanding of keywords and contextual logic,
thus enhance the cognitive ability. For affection, we capture the emotional
dependencies with dual latent variables that contain both interlocutors'
emotions. The reason is that considering both interlocutors' emotions
simultaneously helps to learn the emotional dependencies. For behavior, we use
appropriate dialogue acts to guide the dialogue generation to enhance the
empathy expression. Extensive experiments demonstrate that our
multi-perspective model outperforms the state-of-the-art models in both
automatic and manual evaluation. | cs.CL | CAB: Empathetic Dialogue Generation with Cognition, Affection and Behavior |
2023-02-03T12:42:45Z | http://arxiv.org/pdf/2302.01691v2 | http://arxiv.org/abs/2302.01691v2 | Seongyun Lee, Hyunjae Kim, Jaewoo Kang | 2023-02-06T08:04:56Z | cs.CL | Question answering (QA) models often rely on large-scale training datasets,
which necessitates the development of a data generation framework to reduce the
cost of manual annotations. Although several recent studies have aimed to
generate synthetic questions with single-span answers, no study has been
conducted on the creation of list questions with multiple, non-contiguous spans
as answers. To address this gap, we propose LIQUID, an automated framework for
generating list QA datasets from unlabeled corpora. We first convert a passage
from Wikipedia or PubMed into a summary and extract named entities from the
summarized text as candidate answers. This allows us to select answers that are
semantically correlated in context and is, therefore, suitable for constructing
list questions. We then create questions using an off-the-shelf question
generator with the extracted entities and original passage. Finally, iterative
filtering and answer expansion are performed to ensure the accuracy and
completeness of the answers. Using our synthetic data, we significantly improve
the performance of the previous best list QA models by exact-match F1 scores of
5.0 on MultiSpanQA, 1.9 on Quoref, and 2.8 averaged across three BioASQ
benchmarks. | cs.CL | LIQUID: A Framework for List Question Answering Dataset Generation |
2023-02-03T11:56:38Z | http://arxiv.org/pdf/2302.01676v2 | http://arxiv.org/abs/2302.01676v2 | Davide Costa, Lucio La Cava, Andrea Tagarelli | 2023-02-06T10:44:21Z | cs.LG, cs.AI, cs.CL, cs.CV, cs.NE | Non-Fungible Tokens (NFTs) represent deeds of ownership, based on blockchain
technologies and smart contracts, of unique crypto assets on digital art forms
(e.g., artworks or collectibles). In the spotlight after skyrocketing in 2021,
NFTs have attracted the attention of crypto enthusiasts and investors intent on
placing promising investments in this profitable market. However, the NFT
financial performance prediction has not been widely explored to date.
In this work, we address the above problem based on the hypothesis that NFT
images and their textual descriptions are essential proxies to predict the NFT
selling prices. To this purpose, we propose MERLIN, a novel multimodal deep
learning framework designed to train Transformer-based language and visual
models, along with graph neural network models, on collections of NFTs' images
and texts. A key aspect in MERLIN is its independence on financial features, as
it exploits only the primary data a user interested in NFT trading would like
to deal with, i.e., NFT images and textual descriptions. By learning dense
representations of such data, a price-category classification task is performed
by MERLIN models, which can also be tuned according to user preferences in the
inference phase to mimic different risk-return investment profiles.
Experimental evaluation on a publicly available dataset has shown that MERLIN
models achieve significant performances according to several financial
assessment criteria, fostering profitable investments, and also beating
baseline machine-learning classifiers based on financial features. | cs.LG | Show me your NFT and I tell you how it will perform: Multimodal representation learning for NFT selling price prediction |
2023-02-03T09:54:27Z | http://arxiv.org/pdf/2302.01626v1 | http://arxiv.org/abs/2302.01626v1 | Shunyu Zhang, Yaobo Liang, Ming Gong, Daxin Jiang, Nan Duan | 2023-02-03T09:54:27Z | cs.CL, cs.IR | Recently multi-lingual pre-trained language models (PLM) such as mBERT and
XLM-R have achieved impressive strides in cross-lingual dense retrieval.
Despite its successes, they are general-purpose PLM while the multilingual PLM
tailored for cross-lingual retrieval is still unexplored. Motivated by an
observation that the sentences in parallel documents are approximately in the
same order, which is universal across languages, we propose to model this
sequential sentence relation to facilitate cross-lingual representation
learning. Specifically, we propose a multilingual PLM called masked sentence
model (MSM), which consists of a sentence encoder to generate the sentence
representations, and a document encoder applied to a sequence of sentence
vectors from a document. The document encoder is shared for all languages to
model the universal sequential sentence relation across languages. To train the
model, we propose a masked sentence prediction task, which masks and predicts
the sentence vector via a hierarchical contrastive loss with sampled negatives.
Comprehensive experiments on four cross-lingual retrieval tasks show MSM
significantly outperforms existing advanced pre-training models, demonstrating
the effectiveness and stronger cross-lingual retrieval capabilities of our
approach. Code and model will be available. | cs.CL | Modeling Sequential Sentence Relation to Improve Cross-lingual Dense Retrieval |
2023-02-03T09:27:12Z | http://arxiv.org/pdf/2302.01614v1 | http://arxiv.org/abs/2302.01614v1 | Pol van Rijn, Yue Sun, Harin Lee, Raja Marjieh, Ilia Sucholutsky, Francesca Lanzarini, Elisabeth André, Nori Jacoby | 2023-02-03T09:27:12Z | cs.CL | Conducting experiments with diverse participants in their native languages
can uncover insights into culture, cognition, and language that may not be
revealed otherwise. However, conducting these experiments online makes it
difficult to validate self-reported language proficiency. Furthermore, existing
proficiency tests are small and cover only a few languages. We present an
automated pipeline to generate vocabulary tests using text from Wikipedia. Our
pipeline samples rare nouns and creates pseudowords with the same low-level
statistics. Six behavioral experiments (N=236) in six countries and eight
languages show that (a) our test can distinguish between native speakers of
closely related languages, (b) the test is reliable ($r=0.82$), and (c)
performance strongly correlates with existing tests (LexTale) and self-reports.
We further show that test accuracy is negatively correlated with the linguistic
distance between the tested and the native language. Our test, available in
eight languages, can easily be extended to other languages. | cs.CL | Around the world in 60 words: A generative vocabulary test for online research |
2023-02-03T08:36:37Z | http://arxiv.org/pdf/2302.07138v1 | http://arxiv.org/abs/2302.07138v1 | Franco Niccolucci, Béatrice Markhoff, Maria Theodoridou, Achille Felicetti, Sorin Hermon | 2023-02-03T08:36:37Z | cs.CY, cs.CL, cs.IR, E.1; H.2.3; H.3.1; J.5 | The paper concerns the definition of a novel ontology for cultural heritage
based on the concept of digital twin. The ontology, called Heritage Digital
Twin ontology, is a compatible extension of the well-known CIDOC CRM ISO
standard for cultural heritage documentation and incorporates all the different
documentation systems presently in use for cultural heritage documentation. In
the authors' view, it supports documentation interoperability at a higher level
than the ones currently in use and enables effective cooperation among
different users. | cs.CY | The Heritage Digital Twin: a bicycle made for two. The integration of digital methodologies into cultural heritage research |
2023-02-03T08:04:59Z | http://arxiv.org/pdf/2302.01588v1 | http://arxiv.org/abs/2302.01588v1 | Li Fang, Qingyu Chen, Chih-Hsuan Wei, Zhiyong Lu, Kai Wang | 2023-02-03T08:04:59Z | cs.CL | Pretrained language models such as Bidirectional Encoder Representations from
Transformers (BERT) have achieved state-of-the-art performance in natural
language processing (NLP) tasks. Recently, BERT has been adapted to the
biomedical domain. Despite the effectiveness, these models have hundreds of
millions of parameters and are computationally expensive when applied to
large-scale NLP applications. We hypothesized that the number of parameters of
the original BERT can be dramatically reduced with minor impact on performance.
In this study, we present Bioformer, a compact BERT model for biomedical text
mining. We pretrained two Bioformer models (named Bioformer8L and Bioformer16L)
which reduced the model size by 60% compared to BERTBase. Bioformer uses a
biomedical vocabulary and was pre-trained from scratch on PubMed abstracts and
PubMed Central full-text articles. We thoroughly evaluated the performance of
Bioformer as well as existing biomedical BERT models including BioBERT and
PubMedBERT on 15 benchmark datasets of four different biomedical NLP tasks:
named entity recognition, relation extraction, question answering and document
classification. The results show that with 60% fewer parameters, Bioformer16L
is only 0.1% less accurate than PubMedBERT while Bioformer8L is 0.9% less
accurate than PubMedBERT. Both Bioformer16L and Bioformer8L outperformed
BioBERTBase-v1.1. In addition, Bioformer16L and Bioformer8L are 2-3 fold as
fast as PubMedBERT/BioBERTBase-v1.1. Bioformer has been successfully deployed
to PubTator Central providing gene annotations over 35 million PubMed abstracts
and 5 million PubMed Central full-text articles. We make Bioformer publicly
available via https://github.com/WGLab/bioformer, including pre-trained models,
datasets, and instructions for downstream use. | cs.CL | Bioformer: an efficient transformer language model for biomedical text mining |
2023-02-03T07:27:50Z | http://arxiv.org/pdf/2302.01582v1 | http://arxiv.org/abs/2302.01582v1 | Manuj Malik, Richard Johansson | 2023-02-03T07:27:50Z | cs.CL | We propose a methodology and design two benchmark sets for measuring to what
extent language-and-vision language models use the visual signal in the
presence or absence of stereotypes. The first benchmark is designed to test for
stereotypical colors of common objects, while the second benchmark considers
gender stereotypes. The key idea is to compare predictions when the image
conforms to the stereotype to predictions when it does not.
Our results show that there is significant variation among multimodal models:
the recent Transformer-based FLAVA seems to be more sensitive to the choice of
image and less affected by stereotypes than older CNN-based models such as
VisualBERT and LXMERT. This effect is more discernible in this type of
controlled setting than in traditional evaluations where we do not know whether
the model relied on the stereotype or the visual signal. | cs.CL | Controlling for Stereotypes in Multimodal Language Model Evaluation |
2023-02-03T06:47:20Z | http://arxiv.org/pdf/2302.01570v1 | http://arxiv.org/abs/2302.01570v1 | Piero Molino, Jacopo Tagliabue | 2023-02-03T06:47:20Z | cs.AI, cs.CL | We examine how much of the contemporary progress in artificial intelligence
(and, specifically, in natural language processing), can be, more or less
directly, traced back to the seminal work and ideas of the Austrian-British
philosopher Ludwig Wittgenstein, with particular focus on his late views.
Discussing Wittgenstein's original theses will give us the chance to survey the
state of artificial intelligence, and comment on both its strengths and
weaknesses. A similar text appeared first in Spanish as a chapter of CENTENARIO
DEL SILENCIO (2021), a book celebrating 100 years since the publication of the
Tractatus. | cs.AI | Witgenstein's influence on artificial intelligence |
2023-02-03T06:22:18Z | http://arxiv.org/pdf/2302.02759v2 | http://arxiv.org/abs/2302.02759v2 | Ziyi Chen, Ren Yang, Sunyang Fu, Nansu Zong, Hongfang Liu, Ming Huang | 2024-01-29T16:59:09Z | cs.CL, cs.AI, cs.LG | Depression is a widespread mental health issue, affecting an estimated 3.8%
of the global population. It is also one of the main contributors to disability
worldwide. Recently it is becoming popular for individuals to use social media
platforms (e.g., Reddit) to express their difficulties and health issues (e.g.,
depression) and seek support from other users in online communities. It opens
great opportunities to automatically identify social media users with
depression by parsing millions of posts for potential interventions. Deep
learning methods have begun to dominate in the field of machine learning and
natural language processing (NLP) because of their ease of use, efficient
processing, and state-of-the-art results on many NLP tasks. In this work, we
propose a hybrid deep learning model which combines a pretrained sentence BERT
(SBERT) and convolutional neural network (CNN) to detect individuals with
depression with their Reddit posts. The sentence BERT is used to learn the
meaningful representation of semantic information in each post. CNN enables the
further transformation of those embeddings and the temporal identification of
behavioral patterns of users. We trained and evaluated the model performance to
identify Reddit users with depression by utilizing the Self-reported Mental
Health Diagnoses (SMHD) data. The hybrid deep learning model achieved an
accuracy of 0.86 and an F1 score of 0.86 and outperformed the state-of-the-art
documented result (F1 score of 0.79) by other machine learning models in the
literature. The results show the feasibility of the hybrid model to identify
individuals with depression. Although the hybrid model is validated to detect
depression with Reddit posts, it can be easily tuned and applied to other text
classification tasks and different clinical applications. | cs.CL | Detecting Reddit Users with Depression Using a Hybrid Neural Network SBERT-CNN |
2023-02-03T04:22:29Z | http://arxiv.org/pdf/2302.01536v1 | http://arxiv.org/abs/2302.01536v1 | Feier Chang, Jay Krishnan, Jillian H Hurst, Michael E Yarrington, Deverick J Anderson, Emily C O'Brien, Benjamin A Goldstein | 2023-02-03T04:22:29Z | cs.CL, cs.LG, stat.ML | To identify patients who are hospitalized because of COVID-19 as opposed to
those who were admitted for other indications, we compared the performance of
different computable phenotype definitions for COVID-19 hospitalizations that
use different types of data from the electronic health records (EHR), including
structured EHR data elements, provider notes, or a combination of both data
types. And conduct a retrospective data analysis utilizing chart review-based
validation. Participants are 586 hospitalized individuals who tested positive
for SARS-CoV-2 during January 2022. We used natural language processing to
incorporate data from provider notes and LASSO regression and Random Forests to
fit classification algorithms that incorporated structured EHR data elements,
provider notes, or a combination of structured data and provider notes.
Results: Based on a chart review, 38% of 586 patients were determined to be
hospitalized for reasons other than COVID-19 despite having tested positive for
SARS-CoV-2. A classification algorithm that used provider notes had
significantly better discrimination than one that used structured EHR data
elements (AUROC: 0.894 vs 0.841, p < 0.001), and performed similarly to a model
that combined provider notes with structured data elements (AUROC: 0.894 vs
0.893). Assessments of hospital outcome metrics significantly differed based on
whether the population included all hospitalized patients who tested positive
for SARS-CoV-2 versus those who were determined to have been hospitalized due
to COVID-19. This work demonstrates the utility of natural language processing
approaches to derive information related to patient hospitalizations in cases
where there may be multiple conditions that could serve as the primary
indication for hospitalization. | cs.CL | Using natural language processing and structured medical data to phenotype patients hospitalized due to COVID-19 |
2023-02-03T04:09:22Z | http://arxiv.org/pdf/2302.01530v1 | http://arxiv.org/abs/2302.01530v1 | Jongwoo Ko, Seungjoon Park, Minchan Jeong, Sukjin Hong, Euijai Ahn, Du-Seong Chang, Se-Young Yun | 2023-02-03T04:09:22Z | cs.CL, cs.AI, cs.LG | Knowledge distillation (KD) is a highly promising method for mitigating the
computational problems of pre-trained language models (PLMs). Among various KD
approaches, Intermediate Layer Distillation (ILD) has been a de facto standard
KD method with its performance efficacy in the NLP field. In this paper, we
find that existing ILD methods are prone to overfitting to training datasets,
although these methods transfer more information than the original KD. Next, we
present the simple observations to mitigate the overfitting of ILD: distilling
only the last Transformer layer and conducting ILD on supplementary tasks.
Based on our two findings, we propose a simple yet effective
consistency-regularized ILD (CR-ILD), which prevents the student model from
overfitting the training dataset. Substantial experiments on distilling BERT on
the GLUE benchmark and several synthetic datasets demonstrate that our proposed
ILD method outperforms other KD techniques. Our code is available at
https://github.com/jongwooko/CR-ILD. | cs.CL | Revisiting Intermediate Layer Distillation for Compressing Language Models: An Overfitting Perspective |
2023-02-03T02:10:35Z | http://arxiv.org/pdf/2302.01496v1 | http://arxiv.org/abs/2302.01496v1 | Bo Li, Dongseong Hwang, Zhouyuan Huo, Junwen Bai, Guru Prakash, Tara N. Sainath, Khe Chai Sim, Yu Zhang, Wei Han, Trevor Strohman, Francoise Beaufays | 2023-02-03T02:10:35Z | cs.CL, cs.LG, cs.SD, eess.AS | Foundation models (FMs), that are trained on broad data at scale and are
adaptable to a wide range of downstream tasks, have brought large interest in
the research community. Benefiting from the diverse data sources such as
different modalities, languages and application domains, foundation models have
demonstrated strong generalization and knowledge transfer capabilities. In this
paper, we present a pioneering study towards building an efficient solution for
FM-based speech recognition systems. We adopt the recently developed
self-supervised BEST-RQ for pretraining, and propose the joint finetuning with
both source and unsupervised target domain data using JUST Hydra. The FM
encoder adapter and decoder are then finetuned to the target domain with a
small amount of supervised in-domain data. On a large-scale YouTube and Voice
Search task, our method is shown to be both data and model parameter efficient.
It achieves the same quality with only 21.6M supervised in-domain data and
130.8M finetuned parameters, compared to the 731.1M model trained from scratch
on additional 300M supervised in-domain data. | cs.CL | Efficient Domain Adaptation for Speech Foundation Models |
2023-02-02T22:38:23Z | http://arxiv.org/pdf/2302.01451v2 | http://arxiv.org/abs/2302.01451v2 | Andrea Gemelli, Emanuele Vivoli, Simone Marinai | 2023-02-13T18:22:57Z | cs.CL, cs.CV | Relevant information in documents is often summarized in tables, helping the
reader to identify useful facts. Most benchmark datasets support either
document layout analysis or table understanding, but lack in providing data to
apply both tasks in a unified way. We define the task of Contextualized Table
Extraction (CTE), which aims to extract and define the structure of tables
considering the textual context of the document. The dataset comprises 75k
fully annotated pages of scientific papers, including more than 35k tables.
Data are gathered from PubMed Central, merging the information provided by
annotations in the PubTables-1M and PubLayNet datasets. The dataset can support
CTE and adds new classes to the original ones. The generated annotations can be
used to develop end-to-end pipelines for various tasks, including document
layout analysis, table detection, structure recognition, and functional
analysis. We formally define CTE and evaluation metrics, showing which subtasks
can be tackled, describing advantages, limitations, and future works of this
collection of data. Annotations and code will be accessible a
https://github.com/AILab-UniFI/cte-dataset. | cs.CL | CTE: A Dataset for Contextualized Table Extraction |
2023-02-02T22:04:07Z | http://arxiv.org/pdf/2302.01441v1 | http://arxiv.org/abs/2302.01441v1 | Yiren Liu, Halil Kilicoglu | 2023-02-02T22:04:07Z | cs.CL, cs.LG | Improving the emotional awareness of pre-trained language models is an
emerging important problem for dialogue generation tasks. Although prior
studies have introduced methods to improve empathetic dialogue generation, few
have discussed how to incorporate commonsense knowledge into pre-trained
language models for controllable dialogue generation. In this study, we propose
a novel framework that improves empathetic dialogue generation using
pre-trained language models by 1) incorporating commonsense knowledge through
prompt verbalization, and 2) controlling dialogue generation using a
strategy-driven future discriminator. We conducted experiments to reveal that
both the incorporation of social commonsense knowledge and enforcement of
control over generation help to improve generation performance. Finally, we
discuss the implications of our study for future research. | cs.CL | Commonsense-Aware Prompting for Controllable Empathetic Dialogue Generation |
2023-02-02T20:19:46Z | http://arxiv.org/pdf/2302.01398v1 | http://arxiv.org/abs/2302.01398v1 | Xavier Garcia, Yamini Bansal, Colin Cherry, George Foster, Maxim Krikun, Fangxiaoyu Feng, Melvin Johnson, Orhan Firat | 2023-02-02T20:19:46Z | cs.CL | We demonstrate the potential of few-shot translation systems, trained with
unpaired language data, for both high and low-resource language pairs. We show
that with only 5 examples of high-quality translation data shown at inference,
a transformer decoder-only model trained solely with self-supervised learning,
is able to match specialized supervised state-of-the-art models as well as more
general commercial translation systems. In particular, we outperform the best
performing system on the WMT'21 English - Chinese news translation task by only
using five examples of English - Chinese parallel data at inference. Moreover,
our approach in building these models does not necessitate joint multilingual
training or back-translation, is conceptually simple and shows the potential to
extend to the multilingual setting. Furthermore, the resulting models are two
orders of magnitude smaller than state-of-the-art language models. We then
analyze the factors which impact the performance of few-shot translation
systems, and highlight that the quality of the few-shot demonstrations heavily
determines the quality of the translations generated by our models. Finally, we
show that the few-shot paradigm also provides a way to control certain
attributes of the translation -- we show that we are able to control for
regional varieties and formality using only a five examples at inference,
paving the way towards controllable machine translation systems. | cs.CL | The unreasonable effectiveness of few-shot learning for machine translation |
2023-02-02T18:58:05Z | http://arxiv.org/pdf/2302.01328v3 | http://arxiv.org/abs/2302.01328v3 | David M. Chan, Austin Myers, Sudheendra Vijayanarasimhan, David A. Ross, John Canny | 2023-10-19T17:58:05Z | cs.CV, cs.AI, cs.CL, cs.LG | If you ask a human to describe an image, they might do so in a thousand
different ways. Traditionally, image captioning models are trained to generate
a single "best" (most like a reference) image caption. Unfortunately, doing so
encourages captions that are "informationally impoverished," and focus on only
a subset of the possible details, while ignoring other potentially useful
information in the scene. In this work, we introduce a simple, yet novel,
method: "Image Captioning by Committee Consensus" (IC3), designed to generate a
single caption that captures high-level details from several annotator
viewpoints. Humans rate captions produced by IC3 at least as helpful as
baseline SOTA models more than two thirds of the time, and IC3 can improve the
performance of SOTA automated recall systems by up to 84%, outperforming single
human-generated reference captions, and indicating significant improvements
over SOTA approaches for visual description. Code is available at
https://davidmchan.github.io/caption-by-committee/ | cs.CV | IC3: Image Captioning by Committee Consensus |
2023-02-02T18:44:11Z | http://arxiv.org/pdf/2302.01318v1 | http://arxiv.org/abs/2302.01318v1 | Charlie Chen, Sebastian Borgeaud, Geoffrey Irving, Jean-Baptiste Lespiau, Laurent Sifre, John Jumper | 2023-02-02T18:44:11Z | cs.CL | We present speculative sampling, an algorithm for accelerating transformer
decoding by enabling the generation of multiple tokens from each transformer
call. Our algorithm relies on the observation that the latency of parallel
scoring of short continuations, generated by a faster but less powerful draft
model, is comparable to that of sampling a single token from the larger target
model. This is combined with a novel modified rejection sampling scheme which
preserves the distribution of the target model within hardware numerics. We
benchmark speculative sampling with Chinchilla, a 70 billion parameter language
model, achieving a 2-2.5x decoding speedup in a distributed setup, without
compromising the sample quality or making modifications to the model itself. | cs.CL | Accelerating Large Language Model Decoding with Speculative Sampling |
2023-02-02T18:39:30Z | http://arxiv.org/pdf/2302.01313v7 | http://arxiv.org/abs/2302.01313v7 | Jianfei Gao, Yangze Zhou, Jincheng Zhou, Bruno Ribeiro | 2023-12-14T06:01:12Z | cs.LG, cs.AI, cs.CL | The task of inductive link prediction in knowledge graphs (KGs) generally
focuses on test predictions with solely new nodes but not both new nodes and
new relation types. In this work, we formally define the concept of double
permutation-equivariant representations that are equivariant to permutations of
both node identities and edge relation types. We then show how
double-equivariant architectures are able to self-supervise pre-train on
distinct KG domains and zero-shot predict links on a new KG domain (with
completely new entities and new relation types). We also introduce the concept
of distributionally double equivariant positional embeddings designed to
perform the same task. Finally, we empirically demonstrate the capability of
the proposed models against baselines on a set of novel real-world benchmarks.
More interestingly, we show that self-supervised pre-training on more KG
domains increases the zero-shot ability of our model to predict on new relation
types over new entities on unseen KG domains. | cs.LG | Double Equivariance for Inductive Link Prediction for Both New Nodes and New Relation Types |
2023-02-02T18:32:46Z | http://arxiv.org/pdf/2302.01308v2 | http://arxiv.org/abs/2302.01308v2 | Raja Marjieh, Ilia Sucholutsky, Pol van Rijn, Nori Jacoby, Thomas L. Griffiths | 2023-06-15T17:18:04Z | cs.CL, cs.LG, stat.ML | Determining the extent to which the perceptual world can be recovered from
language is a longstanding problem in philosophy and cognitive science. We show
that state-of-the-art large language models can unlock new insights into this
problem by providing a lower bound on the amount of perceptual information that
can be extracted from language. Specifically, we elicit pairwise similarity
judgments from GPT models across six psychophysical datasets. We show that the
judgments are significantly correlated with human data across all domains,
recovering well-known representations like the color wheel and pitch spiral.
Surprisingly, we find that a model (GPT-4) co-trained on vision and language
does not necessarily lead to improvements specific to the visual modality. To
study the influence of specific languages on perception, we also apply the
models to a multilingual color-naming task. We find that GPT-4 replicates
cross-linguistic variation in English and Russian illuminating the interaction
of language and perception. | cs.CL | Large language models predict human sensory judgments across six modalities |
2023-02-02T15:08:25Z | http://arxiv.org/pdf/2302.01148v1 | http://arxiv.org/abs/2302.01148v1 | Philipp Seeberger, Korbinian Riedhammer | 2023-02-02T15:08:25Z | cs.CL | The CrisisFACTS Track aims to tackle challenges such as multi-stream
fact-finding in the domain of event tracking; participants' systems extract
important facts from several disaster-related events while incorporating the
temporal order. We propose a combination of retrieval, reranking, and the
well-known Integer Linear Programming (ILP) and Maximal Marginal Relevance
(MMR) frameworks. In the former two modules, we explore various methods
including an entity-based baseline, pre-trained and fine-tuned Question
Answering systems, and ColBERT. We then use the latter module as an extractive
summarization component by taking diversity and novelty criteria into account.
The automatic scoring runs show strong results across the evaluation setups but
also reveal shortcomings and challenges. | cs.CL | Combining Deep Neural Reranking and Unsupervised Extraction for Multi-Query Focused Summarization |
2023-02-02T13:37:48Z | http://arxiv.org/pdf/2302.01097v1 | http://arxiv.org/abs/2302.01097v1 | Ludovic Mignot, Faissal Ouardi, Djelloul Ziadi | 2023-02-02T13:37:48Z | cs.CL | Tree kernels have been proposed to be used in many areas as the automatic
learning of natural language applications. In this paper, we propose a new
linear time algorithm based on the concept of weighted tree automata for
SubTree kernel computation. First, we introduce a new class of weighted tree
automata, called Root-Weighted Tree Automata, and their associated formal tree
series. Then we define, from this class, the SubTree automata that represent
compact computational models for finite tree languages. This allows us to
design a theoretically guaranteed linear-time algorithm for computing the
SubTree Kernel based on weighted tree automata intersection. The key idea
behind the proposed algorithm is to replace DAG reduction and nodes sorting
steps used in previous approaches by states equivalence classes computation
allowed in the weighted tree automata approach. Our approach has three major
advantages: it is output-sensitive, it is free sensitive from the tree types
(ordered trees versus unordered trees), and it is well adapted to any
incremental tree kernel based learning methods. Finally, we conduct a variety
of comparative experiments on a wide range of synthetic tree languages datasets
adapted for a deep algorithm analysis. The obtained results show that the
proposed algorithm outperforms state-of-the-art methods. | cs.CL | New Linear-time Algorithm for SubTree Kernel Computation based on Root-Weighted Tree Automata |
2023-02-02T11:40:16Z | http://arxiv.org/pdf/2302.01025v1 | http://arxiv.org/abs/2302.01025v1 | Davide Colla, Matteo Delsanto, Marco Agosto, Benedetto Vitiello, Daniele Paolo Radicioni | 2023-02-02T11:40:16Z | cs.CL, cs.AI | In this work we explore how language models can be employed to analyze
language and discriminate between mentally impaired and healthy subjects
through the perplexity metric. Perplexity was originally conceived as an
information-theoretic measure to assess how much a given language model is
suited to predict a text sequence or, equivalently, how much a word sequence
fits into a specific language model. We carried out an extensive
experimentation with the publicly available data, and employed language models
as diverse as N-grams, from 2-grams to 5-grams, and GPT-2, a transformer-based
language model. We investigated whether perplexity scores may be used to
discriminate between the transcripts of healthy subjects and subjects suffering
from Alzheimer Disease (AD). Our best performing models achieved full accuracy
and F-score (1.00 in both precision/specificity and recall/sensitivity) in
categorizing subjects from both the AD class and control subjects. These
results suggest that perplexity can be a valuable analytical metrics with
potential application to supporting early diagnosis of symptoms of mental
disorders. | cs.CL | Semantic Coherence Markers for the Early Diagnosis of the Alzheimer Disease |
2023-02-02T11:09:37Z | http://arxiv.org/pdf/2302.01342v2 | http://arxiv.org/abs/2302.01342v2 | Sajad Sotudeh, Hanieh Deilamsalehy, Franck Dernoncourt, Nazli Goharian | 2023-02-08T05:58:11Z | cs.CL | Recent Transformer-based summarization models have provided a promising
approach to abstractive summarization. They go beyond sentence selection and
extractive strategies to deal with more complicated tasks such as novel word
generation and sentence paraphrasing. Nonetheless, these models have two
shortcomings: (1) they often perform poorly in content selection, and (2) their
training strategy is not quite efficient, which restricts model performance. In
this paper, we explore two orthogonal ways to compensate for these pitfalls.
First, we augment the Transformer network with a sentence cross-attention
module in the decoder, encouraging more abstraction of salient content. Second,
we include a curriculum learning approach to reweight the training samples,
bringing about an efficient learning procedure. Our second approach to enhance
the training strategy of Transformers networks makes stronger gains as compared
to the first approach. We apply our model on extreme summarization dataset of
Reddit TIFU posts. We further look into three cross-domain summarization
datasets (Webis-TLDR-17, CNN/DM, and XSum), measuring the efficacy of
curriculum learning when applied in summarization. Moreover, a human evaluation
is conducted to show the efficacy of the proposed method in terms of
qualitative criteria, namely, fluency, informativeness, and overall quality. | cs.CL | Curriculum-Guided Abstractive Summarization |
2023-02-02T10:49:06Z | http://arxiv.org/pdf/2302.01005v1 | http://arxiv.org/abs/2302.01005v1 | Gordana Ispirova, Tome Eftimov, Barbara Koroušić Seljak | 2023-02-02T10:49:06Z | cs.CL, cs.AI | Although recipe data are very easy to come by nowadays, it is really hard to
find a complete recipe dataset - with a list of ingredients, nutrient values
per ingredient, and per recipe, allergens, etc. Recipe datasets are usually
collected from social media websites where users post and publish recipes.
Usually written with little to no structure, using both standardized and
non-standardized units of measurement. We collect six different recipe
datasets, publicly available, in different formats, and some including data in
different languages. Bringing all of these datasets to the needed format for
applying a machine learning (ML) pipeline for nutrient prediction [1], [2],
includes data normalization using dictionary-based named entity recognition
(NER), rule-based NER, as well as conversions using external domain-specific
resources. From the list of ingredients, domain-specific embeddings are created
using the same embedding space for all recipes - one ingredient dataset is
generated. The result from this normalization process is two corpora - one with
predefined ingredient embeddings and one with predefined recipe embeddings. On
all six recipe datasets, the ML pipeline is evaluated. The results from this
use case also confirm that the embeddings merged using the domain heuristic
yield better results than the baselines. | cs.CL | Predefined domain specific embeddings of food concepts and recipes: A case study on heterogeneous recipe datasets |
2023-02-02T08:48:26Z | http://arxiv.org/pdf/2302.00954v1 | http://arxiv.org/abs/2302.00954v1 | Sajad Sotudeh, Nazli Goharian, Hanieh Deilamsalehy, Franck Dernoncourt | 2023-02-02T08:48:26Z | cs.CL, cs.AI | Automatically generating short summaries from users' online mental health
posts could save counselors' reading time and reduce their fatigue so that they
can provide timely responses to those seeking help for improving their mental
state. Recent Transformers-based summarization models have presented a
promising approach to abstractive summarization. They go beyond sentence
selection and extractive strategies to deal with more complicated tasks such as
novel word generation and sentence paraphrasing. Nonetheless, these models have
a prominent shortcoming; their training strategy is not quite efficient, which
restricts the model's performance. In this paper, we include a curriculum
learning approach to reweigh the training samples, bringing about an efficient
learning procedure. We apply our model on extreme summarization dataset of
MentSum posts -- a dataset of mental health related posts from Reddit social
media. Compared to the state-of-the-art model, our proposed method makes
substantial gains in terms of Rouge and Bertscore evaluation metrics, yielding
3.5% (Rouge-1), 10.4% (Rouge-2), and 4.7% (Rouge-L), 1.5% (Bertscore) relative
improvements. | cs.CL | Curriculum-guided Abstractive Summarization for Mental Health Online Posts |
2023-02-02T08:35:34Z | http://arxiv.org/pdf/2302.00944v2 | http://arxiv.org/abs/2302.00944v2 | Sahar Sadrizadeh, Ljiljana Dolamic, Pascal Frossard | 2023-06-16T13:24:15Z | cs.CL | Deep neural networks have been shown to be vulnerable to small perturbations
of their inputs, known as adversarial attacks. In this paper, we investigate
the vulnerability of Neural Machine Translation (NMT) models to adversarial
attacks and propose a new attack algorithm called TransFool. To fool NMT
models, TransFool builds on a multi-term optimization problem and a gradient
projection step. By integrating the embedding representation of a language
model, we generate fluent adversarial examples in the source language that
maintain a high level of semantic similarity with the clean samples.
Experimental results demonstrate that, for different translation tasks and NMT
architectures, our white-box attack can severely degrade the translation
quality while the semantic similarity between the original and the adversarial
sentences stays high. Moreover, we show that TransFool is transferable to
unknown target models. Finally, based on automatic and human evaluations,
TransFool leads to improvement in terms of success rate, semantic similarity,
and fluency compared to the existing attacks both in white-box and black-box
settings. Thus, TransFool permits us to better characterize the vulnerability
of NMT models and outlines the necessity to design strong defense mechanisms
and more robust NMT systems for real-life applications. | cs.CL | TransFool: An Adversarial Attack against Neural Machine Translation Models |
2023-02-02T08:25:48Z | http://arxiv.org/pdf/2302.00937v1 | http://arxiv.org/abs/2302.00937v1 | Tadashi Nomoto | 2023-02-02T08:25:48Z | cs.CL, cs.AI | In this work, we focus on sentence splitting, a subfield of text
simplification, motivated largely by an unproven idea that if you divide a
sentence in pieces, it should become easier to understand. Our primary goal in
this paper is to find out whether this is true. In particular, we ask, does it
matter whether we break a sentence into two or three? We report on our findings
based on Amazon Mechanical Turk.
More specifically, we introduce a Bayesian modeling framework to further
investigate to what degree a particular way of splitting the complex sentence
affects readability, along with a number of other parameters adopted from
diverse perspectives, including clinical linguistics, and cognitive
linguistics. The Bayesian modeling experiment provides clear evidence that
bisecting the sentence leads to enhanced readability to a degree greater than
what we create by trisection. | cs.CL | The Fewer Splits are Better: Deconstructing Readability in Sentence Splitting |
2023-02-02T07:51:19Z | http://arxiv.org/pdf/2302.00923v5 | http://arxiv.org/abs/2302.00923v5 | Zhuosheng Zhang, Aston Zhang, Mu Li, Hai Zhao, George Karypis, Alex Smola | 2024-05-20T06:43:48Z | cs.CL, cs.AI, cs.CV | Large language models (LLMs) have shown impressive performance on complex
reasoning by leveraging chain-of-thought (CoT) prompting to generate
intermediate reasoning chains as the rationale to infer the answer. However,
existing CoT studies have primarily focused on the language modality. We
propose Multimodal-CoT that incorporates language (text) and vision (images)
modalities into a two-stage framework that separates rationale generation and
answer inference. In this way, answer inference can leverage better generated
rationales that are based on multimodal information. Experimental results on
ScienceQA and A-OKVQA benchmark datasets show the effectiveness of our proposed
approach. With Multimodal-CoT, our model under 1 billion parameters achieves
state-of-the-art performance on the ScienceQA benchmark. Our analysis indicates
that Multimodal-CoT offers the advantages of mitigating hallucination and
enhancing convergence speed. Code is publicly available at
https://github.com/amazon-science/mm-cot. | cs.CL | Multimodal Chain-of-Thought Reasoning in Language Models |
2023-02-02T06:54:33Z | http://arxiv.org/pdf/2302.00907v1 | http://arxiv.org/abs/2302.00907v1 | Tong Zhang, Yong Liu, Boyang Li, Zhiwei Zeng, Pengwei Wang, Yuan You, Chunyan Miao, Lizhen Cui | 2023-02-02T06:54:33Z | cs.CL | With the evolution of pre-trained language models, current open-domain
dialogue systems have achieved great progress in conducting one-session
conversations. In contrast, Multi-Session Conversation (MSC), which consists of
multiple sessions over a long term with the same user, is under-investigated.
In this paper, we propose History-Aware Hierarchical Transformer (HAHT) for
multi-session open-domain dialogue. HAHT maintains a long-term memory of
history conversations and utilizes history information to understand current
conversation context and generate well-informed and context-relevant responses.
Specifically, HAHT first encodes history conversation sessions hierarchically
into a history memory. Then, HAHT leverages historical information to
facilitate the understanding of the current conversation context by encoding
the history memory together with the current context with attention-based
mechanisms. Finally, to explicitly utilize historical information, HAHT uses a
history-aware response generator that switches between a generic vocabulary and
a history-aware vocabulary. Experimental results on a large-scale MSC dataset
suggest that the proposed HAHT model consistently outperforms baseline models.
Human evaluation results support that HAHT generates more human-like,
context-relevant and history-relevant responses than baseline models. | cs.CL | History-Aware Hierarchical Transformer for Multi-session Open-domain Dialogue System |
2023-02-02T06:38:44Z | http://arxiv.org/pdf/2302.00902v2 | http://arxiv.org/abs/2302.00902v2 | Hao Liu, Wilson Yan, Pieter Abbeel | 2023-02-03T05:06:46Z | cs.LG, cs.CL, cs.CV | Recent progress in scaling up large language models has shown impressive
capabilities in performing few-shot learning across a wide range of text-based
tasks. However, a key limitation is that these language models fundamentally
lack visual perception - a crucial attribute needed to extend these models to
be able to interact with the real world and solve vision tasks, such as in
visual-question answering and robotics. Prior works have largely connected
image to text through pretraining and/or fine-tuning on curated image-text
datasets, which can be a costly and expensive process. In order to resolve this
limitation, we propose a simple yet effective approach called
Language-Quantized AutoEncoder (LQAE), a modification of VQ-VAE that learns to
align text-image data in an unsupervised manner by leveraging pretrained
language models (e.g., BERT, RoBERTa). Our main idea is to encode image as
sequences of text tokens by directly quantizing image embeddings using a
pretrained language codebook. We then apply random masking followed by a BERT
model, and have the decoder reconstruct the original image from BERT predicted
text token embeddings. By doing so, LQAE learns to represent similar images
with similar clusters of text tokens, thereby aligning these two modalities
without the use of aligned text-image pairs. This enables few-shot image
classification with large language models (e.g., GPT-3) as well as linear
classification of images based on BERT text features. To the best of our
knowledge, our work is the first work that uses unaligned images for multimodal
tasks by leveraging the power of pretrained language models. | cs.LG | Language Quantized AutoEncoders: Towards Unsupervised Text-Image Alignment |
2023-02-02T06:01:50Z | http://arxiv.org/pdf/2302.00894v1 | http://arxiv.org/abs/2302.00894v1 | Xiaotian Lin, Nankai Lin, Yingwen Fu, Ziyu Yang, Shengyi Jiang | 2023-02-02T06:01:50Z | cs.CL | Deep learning-based text classification models need abundant labeled data to
obtain competitive performance. Unfortunately, annotating large-size corpus is
time-consuming and laborious. To tackle this, multiple researches try to use
data augmentation to expand the corpus size. However, data augmentation may
potentially produce some noisy augmented samples. There are currently no works
exploring sample selection for augmented samples in nature language processing
field. In this paper, we propose a novel self-training selection framework with
two selectors to select the high-quality samples from data augmentation.
Specifically, we firstly use an entropy-based strategy and the model prediction
to select augmented samples. Considering some samples with high quality at the
above step may be wrongly filtered, we propose to recall them from two
perspectives of word overlap and semantic similarity. Experimental results show
the effectiveness and simplicity of our framework. | cs.CL | How to choose "Good" Samples for Text Data Augmentation |
2023-02-02T04:46:03Z | http://arxiv.org/pdf/2302.00871v3 | http://arxiv.org/abs/2302.00871v3 | Nicholas Meade, Spandana Gella, Devamanyu Hazarika, Prakhar Gupta, Di Jin, Siva Reddy, Yang Liu, Dilek Hakkani-Tür | 2023-10-22T19:28:24Z | cs.CL | While large neural-based conversational models have become increasingly
proficient dialogue agents, recent work has highlighted safety issues with
these systems. For example, these systems can be goaded into generating toxic
content, which often perpetuates social biases or stereotypes. We investigate a
retrieval-based method for reducing bias and toxicity in responses from
chatbots. It uses in-context learning to steer a model towards safer
generations. Concretely, to generate a response to an unsafe dialogue context,
we retrieve demonstrations of safe responses to similar dialogue contexts. We
find our method performs competitively with strong baselines without requiring
training. For instance, using automatic evaluation, we find our best fine-tuned
baseline only generates safe responses to unsafe dialogue contexts from
DiaSafety 4.04% more than our approach. Finally, we also propose a re-ranking
procedure which can further improve response safeness. | cs.CL | Using In-Context Learning to Improve Dialogue Safety |
2023-02-02T03:56:16Z | http://arxiv.org/pdf/2302.00856v2 | http://arxiv.org/abs/2302.00856v2 | Mukhlish Fuadi, Adhi Dharma Wibawa, Surya Sumpeno | 2023-11-09T08:47:19Z | cs.CL, I.2.7 | Indonesian language is spoken by almost 200 million people and is the 10th
most spoken language in the world, but it is under-represented in NLP (Natural
Language Processing) research. A sparsity of language resources has hampered
previous work on Indonesian. The Transformer is a new architecture rapidly
becoming dominant for NLP, surpassing alternatives like convolutional and
recurrent neural networks. T5 (Text-to-Text Transfer Transformer) is a
Transformer model that converts all text-based language problems to
text-to-text format for English. The multilingual variant is mT5 (multilingual
T5) which has shown promising results on many NLP tasks across languages.
However, the size of this multilingual model is a drawback for its application
in real production applications, which sometimes require only one language. In
this study, the mT5 model was adapted for only one language, Indonesian,
resulting in a pre-trained T5 model that was specific only for Indonesian with
a smaller size. For performance comparison, we fine-tuned this model and the
mT5 model to the Sentiment Analysis (SA), Question Generation (QG), and
Question Answering (QA) tasks with the exact mechanism and dataset. Fine-tuned
model based on our model achieved 77.18% accuracy on SA, 8% higher than the
mT5-based model, and obtained nearly the same score as the mT5-based model on
QG and QA. The results confirm that it is possible to produce a smaller
pre-trained model that maintains comparable yields while reducing the model
size by up to 58%. In addition, the resulting model requires less memory, loads
faster, and inference times faster. | cs.CL | idT5: Indonesian Version of Multilingual T5 Transformer |
2023-02-02T02:46:32Z | http://arxiv.org/pdf/2302.00836v1 | http://arxiv.org/abs/2302.00836v1 | HoLam Chung, Junan Li, Pengfei Liu1, Wai-Kim Leung, Xixin Wu, Helen Meng | 2023-02-02T02:46:32Z | cs.CL, cs.SD, eess.AS | Homophone characters are common in tonal syllable-based languages, such as
Mandarin and Cantonese. The data-intensive end-to-end Automatic Speech
Recognition (ASR) systems are more likely to mis-recognize homophone characters
and rare words under low-resource settings. For the problem of lowresource
Cantonese speech recognition, this paper presents a novel homophone extension
method to integrate human knowledge of the homophone lexicon into the beam
search decoding process with language model re-scoring. Besides, we propose an
automatic unified writing method to merge the variants of Cantonese characters
and standardize speech annotation guidelines, which enables more efficient
utilization of labeled utterances by providing more samples for the merged
characters. We empirically show that both homophone extension and unified
writing improve the recognition performance significantly on both in-domain and
out-of-domain test sets, with an absolute Character Error Rate (CER) decrease
of around 5% and 18%. | cs.CL | Improving Rare Words Recognition through Homophone Extension and Unified Writing for Low-resource Cantonese Speech Recognition |
2023-02-02T01:10:26Z | http://arxiv.org/pdf/2302.01339v2 | http://arxiv.org/abs/2302.01339v2 | Eric Schwitzgebel, David Schwitzgebel, Anna Strasser | 2023-05-09T17:06:43Z | cs.CL, cs.AI | Can large language models be trained to produce philosophical texts that are
difficult to distinguish from texts produced by human philosophers? To address
this question, we fine-tuned OpenAI's GPT-3 with the works of philosopher
Daniel C. Dennett as additional training data. To explore the Dennett model, we
asked the real Dennett ten philosophical questions and then posed the same
questions to the language model, collecting four responses for each question
without cherry-picking. We recruited 425 participants to distinguish Dennett's
answer from the four machine-generated answers. Experts on Dennett's work (N =
25) succeeded 51% of the time, above the chance rate of 20% but short of our
hypothesized rate of 80% correct. For two of the ten questions, the language
model produced at least one answer that experts selected more frequently than
Dennett's own answer. Philosophy blog readers (N = 302) performed similarly to
the experts, while ordinary research participants (N = 98) were near chance
distinguishing GPT-3's responses from those of an "actual human philosopher". | cs.CL | Creating a Large Language Model of a Philosopher |
2023-02-01T23:03:22Z | http://arxiv.org/pdf/2302.00796v2 | http://arxiv.org/abs/2302.00796v2 | Xiaoze Liu, Junyang Wu, Tianyi Li, Lu Chen, Yunjun Gao | 2023-02-08T08:33:25Z | cs.IR, cs.AI, cs.CL | Entity alignment (EA) is a fundamental data integration task that identifies
equivalent entities between different knowledge graphs (KGs). Temporal
Knowledge graphs (TKGs) extend traditional knowledge graphs by introducing
timestamps, which have received increasing attention. State-of-the-art
time-aware EA studies have suggested that the temporal information of TKGs
facilitates the performance of EA. However, existing studies have not
thoroughly exploited the advantages of temporal information in TKGs. Also, they
perform EA by pre-aligning entity pairs, which can be labor-intensive and thus
inefficient.
In this paper, we present DualMatch which effectively fuses the relational
and temporal information for EA. DualMatch transfers EA on TKGs into a weighted
graph matching problem. More specifically, DualMatch is equipped with an
unsupervised method, which achieves EA without necessitating seed alignment.
DualMatch has two steps: (i) encoding temporal and relational information into
embeddings separately using a novel label-free encoder, Dual-Encoder; and (ii)
fusing both information and transforming it into alignment using a novel
graph-matching-based decoder, GM-Decoder. DualMatch is able to perform EA on
TKGs with or without supervision, due to its capability of effectively
capturing temporal information. Extensive experiments on three real-world TKG
datasets offer the insight that DualMatch outperforms the state-of-the-art
methods in terms of H@1 by 2.4% - 10.7% and MRR by 1.7% - 7.6%, respectively. | cs.IR | Unsupervised Entity Alignment for Temporal Knowledge Graphs |
2023-02-01T22:22:03Z | http://arxiv.org/pdf/2302.00778v1 | http://arxiv.org/abs/2302.00778v1 | Joel Mathew, Ulf Hermjakob | 2023-02-01T22:22:03Z | cs.CL, cs.HC | Technology has increasingly become an integral part of the Bible translation
process. Over time, both the translation process and relevant technology have
evolved greatly. More recently, the field of Natural Language Processing (NLP)
has made great progress in solving some problems previously thought
impenetrable. Through this study we endeavor to better understand and
communicate about a segment of the current landscape of the Bible translation
process as it relates to technology and identify pertinent issues. We conduct
several interviews with individuals working in different levels of the Bible
translation process from multiple organizations to identify gaps and
bottlenecks where technology (including recent advances in AI) could
potentially play a pivotal role in reducing translation time and improving
overall quality. | cs.CL | User Study for Improving Tools for Bible Translation |
2023-02-01T21:38:47Z | http://arxiv.org/pdf/2302.00768v3 | http://arxiv.org/abs/2302.00768v3 | T. Y. S. S Santosh, Marcel Perez San Blas, Phillip Kemper, Matthias Grabmair | 2023-02-13T14:19:02Z | cs.CL | We report on an experiment in case outcome classification on European Court
of Human Rights cases where our model first learns to identify the convention
articles allegedly violated by the state from case facts descriptions, and
subsequently uses that information to classify whether the court finds a
violation of those articles. We assess the dependency between these two tasks
at the feature and outcome level. Furthermore, we leverage a hierarchical
contrastive loss to pull together article-specific representations of cases at
the higher level, leading to distinctive article clusters. The cases in each
article cluster are further pulled closer based on their outcome, leading to
sub-clusters of cases with similar outcomes. Our experiment results demonstrate
that, given a static pre-trained encoder, our models produce a small but
consistent improvement in classification performance over single-task and joint
models without contrastive loss. | cs.CL | Leveraging Task Dependency and Contrastive Learning for Case Outcome Classification on European Court of Human Rights Cases |
2023-02-01T21:32:15Z | http://arxiv.org/pdf/2302.00765v1 | http://arxiv.org/abs/2302.00765v1 | Kayode Kolawole Olaleye | 2023-02-01T21:32:15Z | cs.CL, cs.SD, eess.AS | This study investigates the use of Visually Grounded Speech (VGS) models for
keyword localisation in speech. The study focusses on two main research
questions: (1) Is keyword localisation possible with VGS models and (2) Can
keyword localisation be done cross-lingually in a real low-resource setting?
Four methods for localisation are proposed and evaluated on an English dataset,
with the best-performing method achieving an accuracy of 57%. A new dataset
containing spoken captions in Yoruba language is also collected and released
for cross-lingual keyword localisation. The cross-lingual model obtains a
precision of 16% in actual keyword localisation and this performance can be
improved by initialising from a model pretrained on English data. The study
presents a detailed analysis of the model's success and failure modes and
highlights the challenges of using VGS models for keyword localisation in
low-resource settings. | cs.CL | Visually Grounded Keyword Detection and Localisation for Low-Resource Languages |
2023-02-01T21:26:32Z | http://arxiv.org/pdf/2302.00763v1 | http://arxiv.org/abs/2302.00763v1 | Ishita Dasgupta, Christine Kaeser-Chen, Kenneth Marino, Arun Ahuja, Sheila Babayan, Felix Hill, Rob Fergus | 2023-02-01T21:26:32Z | cs.LG, cs.AI, cs.CL | Reasoning in a complex and ambiguous environment is a key goal for
Reinforcement Learning (RL) agents. While some sophisticated RL agents can
successfully solve difficult tasks, they require a large amount of training
data and often struggle to generalize to new unseen environments and new tasks.
On the other hand, Large Scale Language Models (LSLMs) have exhibited strong
reasoning ability and the ability to to adapt to new tasks through in-context
learning. However, LSLMs do not inherently have the ability to interrogate or
intervene on the environment. In this work, we investigate how to combine these
complementary abilities in a single system consisting of three parts: a
Planner, an Actor, and a Reporter. The Planner is a pre-trained language model
that can issue commands to a simple embodied agent (the Actor), while the
Reporter communicates with the Planner to inform its next command. We present a
set of tasks that require reasoning, test this system's ability to generalize
zero-shot and investigate failure cases, and demonstrate how components of this
system can be trained with reinforcement-learning to improve performance. | cs.LG | Collaborating with language models for embodied reasoning |
2023-02-01T21:25:34Z | http://arxiv.org/pdf/2302.00762v2 | http://arxiv.org/abs/2302.00762v2 | Yuewei Yuan, Chaitanya Malaviya, Mark Yatskar | 2023-02-03T16:07:53Z | cs.CL | Given a sentence "Abby told Brittney that she upset Courtney", one would
struggle to understand who "she" refers to, and ask for clarification. However,
if the word "upset" were replaced with "hugged", "she" unambiguously refers to
Abby. We study if modern coreference resolution models are sensitive to such
pronominal ambiguity. To this end, we construct AmbiCoref, a diagnostic corpus
of minimal sentence pairs with ambiguous and unambiguous referents. Our
examples generalize psycholinguistic studies of human perception of ambiguity
around particular arrangements of verbs and their arguments. Analysis shows
that (1) humans are less sure of referents in ambiguous AmbiCoref examples than
unambiguous ones, and (2) most coreference models show little difference in
output between ambiguous and unambiguous pairs. We release AmbiCoref as a
diagnostic corpus for testing whether models treat ambiguity similarly to
humans. | cs.CL | AmbiCoref: Evaluating Human and Model Sensitivity to Ambiguous Coreference |
2023-02-01T20:39:37Z | http://arxiv.org/pdf/2302.00744v1 | http://arxiv.org/abs/2302.00744v1 | Zachary Flores, Angelo Taranto, Eric Bond | 2023-02-01T20:39:37Z | math.CT, cs.CL, cs.LO, cs.PL | We discuss a formal framework for using algebraic structures to model a
meta-language that can write, compose, and provide interoperability between
abstractions of DSLs. The purpose of this formal framework is to provide a
verification of compositional properties of the meta-language. Throughout our
paper we discuss the construction of this formal framework, as well its
relation to our team's work on the DARPA V-SPELLS program via the pipeline we
have developed for completing our verification tasking on V-SPELLS. We aim to
give a broad overview of this verification pipeline in our paper. The pipeline
can be split into four main components: the first is providing a formal model
of the meta-language in Coq; the second is to give a specification in Coq of
our chosen algebraic structures; third, we need to implement specific instances
of our algebraic structures in Coq, as well as give a proof in Coq that this
implementation is an algebraic structure according to our specification in the
second step; and lastly, we need to give a proof in Coq that the formal model
for the meta-language in the first step is an instance of the implementation in
the third step. | math.CT | A Formal Algebraic Framework for DSL Composition |
2023-02-01T20:22:20Z | http://arxiv.org/pdf/2302.00739v1 | http://arxiv.org/abs/2302.00739v1 | Johann-Mattis List | 2023-02-01T20:22:20Z | cs.CL | The past years have seen a drastic rise in studies devoted to the
investigation of colexification patterns in individual languages families in
particular and the languages of the world in specific. Specifically
computational studies have profited from the fact that colexification as a
scientific construct is easy to operationalize, enabling scholars to infer
colexification patterns for large collections of cross-linguistic data. Studies
devoted to partial colexifications -- colexification patterns that do not
involve entire words, but rather various parts of words--, however, have been
rarely conducted so far. This is not surprising, since partial colexifications
are less easy to deal with in computational approaches and may easily suffer
from all kinds of noise resulting from false positive matches. In order to
address this problem, this study proposes new approaches to the handling of
partial colexifications by (1) proposing new models with which partial
colexification patterns can be represented, (2) developing new efficient
methods and workflows which help to infer various types of partial
colexification patterns from multilingual wordlists, and (3) illustrating how
inferred patterns of partial colexifications can be computationally analyzed
and interactively visualized. | cs.CL | Inference of Partial Colexifications from Multilingual Wordlists |
2023-02-01T20:05:53Z | http://arxiv.org/pdf/2302.01756v1 | http://arxiv.org/abs/2302.01756v1 | Ciprian-Octavian Truică, Elena-Simona Apostol, Panagiotis Karras | 2023-02-01T20:05:53Z | cs.AI, cs.CL, cs.NE, cs.SI, 68T50 | The growing popularity of social media platforms has simplified the creation
and distribution of news articles but also creates a conduit for spreading fake
news. In consequence, the need arises for effective context-aware fake news
detection mechanisms, where the contextual information can be built either from
the textual content of posts or from available social data (e.g., information
about the users, reactions to posts, or the social network). In this paper, we
propose DANES, a Deep Neural Network Ensemble Architecture for Social and
Textual Context-aware Fake News Detection. DANES comprises a Text Branch for a
textual content-based context and a Social Branch for the social context. These
two branches are used to create a novel Network Embedding. Preliminary ablation
results on 3 real-world datasets, i.e., BuzzFace, Twitter15, and Twitter16, are
promising, with an accuracy that outperforms state-of-the-art solutions when
employing both social and textual content features. | cs.AI | DANES: Deep Neural Network Ensemble Architecture for Social and Textual Context-aware Fake News Detection |
2023-02-01T18:59:36Z | http://arxiv.org/pdf/2302.00674v4 | http://arxiv.org/abs/2302.00674v4 | Alon Albalak, Colin Raffel, William Yang Wang | 2023-10-03T15:50:30Z | cs.LG, cs.CL | Few-shot learning is valuable in many real-world applications, but learning a
generalizable model without overfitting to the few labeled datapoints is
challenging. In this work, we focus on Few-shot Learning with Auxiliary Data
(FLAD), a training paradigm that assumes access to auxiliary data during
few-shot learning in hopes of improving generalization. Previous works have
proposed automated methods for mixing auxiliary and target data, but these
methods typically scale linearly (or worse) with the number of auxiliary
datasets, limiting their practicality. In this work we relate FLAD to the
explore-exploit dilemma that is central to the multi-armed bandit setting and
derive algorithms whose computational complexity is independent of the number
of auxiliary datasets, allowing us to scale to 100x more auxiliary datasets
than prior methods. We propose two algorithms -- EXP3-FLAD and UCB1-FLAD -- and
compare them with prior FLAD methods that either explore or exploit, finding
that the combination of exploration and exploitation is crucial. Through
extensive experimentation we find that our methods outperform all pre-existing
FLAD methods by 4% and lead to the first 3 billion parameter language models
that outperform the 175 billion parameter GPT-3. Overall, our work suggests
that the discovery of better, more efficient mixing strategies for FLAD may
provide a viable path towards substantially improving generalization in
few-shot learning. | cs.LG | Improving Few-Shot Generalization by Exploring and Exploiting Auxiliary Data |
2023-02-01T18:59:02Z | http://arxiv.org/pdf/2302.00672v1 | http://arxiv.org/abs/2302.00672v1 | Aviv Ovadya | 2023-02-01T18:59:02Z | cs.HC, cs.CL, cs.IR | How can many people (who may disagree) come together to answer a question or
make a decision? "Collective response systems" are a type of generative
collective intelligence (CI) facilitation process meant to address this
challenge. They enable a form of "generative voting", where both the votes, and
the choices of what to vote on, are provided by the group. Such systems
overcome the traditional limitations of polling, town halls, standard voting,
referendums, etc. The generative CI outputs of collective response systems can
also be chained together into iterative "collective dialogues", analogously to
some kinds of generative AI.
Technical advances across domains including recommender systems, language
models, and human-computer interaction have led to the development of
innovative and scalable collective response systems. For example, Polis has
been used around the world to support policy-making at different levels of
government, and Remesh has been used by the UN to understand the challenges and
needs of ordinary people across war-torn countries. This paper aims to develop
a shared language by defining the structure, processes, properties, and
principles of such systems.
Collective response systems allow non-confrontational exploration of divisive
issues, help identify common ground, and elicit insights from those closest to
the issues. As a result, they can help overcome gridlock around conflict and
governance challenges, increase trust, and develop mandates. Continued progress
toward their development and adoption could help revitalize democracies,
reimagine corporate governance, transform conflict, and govern powerful AI
systems -- both as a complement to deeper deliberative democratic processes and
as an option where deeper processes are not applicable or possible. | cs.HC | 'Generative CI' through Collective Response Systems |
2023-02-01T18:53:42Z | http://arxiv.org/pdf/2302.00667v1 | http://arxiv.org/abs/2302.00667v1 | Tatsuki Kuribayashi | 2023-02-01T18:53:42Z | cs.CL | Neural language models (LMs) are arguably less data-efficient than humans --
why does this gap occur? In this study, we hypothesize that this gap stems from
the learners' accessibility to modalities other than text, specifically,
vision. We conducted two complementary experiments (using noisy, realistic data
and a simplified, artificial one) toward the advantage of vision in the
syntactic generalization of LMs. Our results showed that vision accelerated a
proper linguistic generalization in the simplified, artificial setting, but LMs
struggled with the noisy, realistic setting. These mixed results indicate
several possibilities, e.g., vision can potentially boost language acquisition,
but learners' additional visual/linguistic prior knowledge should be needed to
robustly make use of raw images for efficient language acquisition. | cs.CL | Does Vision Accelerate Hierarchical Generalization of Neural Language Learners? |
2023-02-01T17:58:28Z | http://arxiv.org/pdf/2302.00636v1 | http://arxiv.org/abs/2302.00636v1 | Amir Zeldes, Nathan Schneider | 2023-02-01T17:58:28Z | cs.CL | Recent efforts to consolidate guidelines and treebanks in the Universal
Dependencies project raise the expectation that joint training and dataset
comparison is increasingly possible for high-resource languages such as
English, which have multiple corpora. Focusing on the two largest UD English
treebanks, we examine progress in data consolidation and answer several
questions: Are UD English treebanks becoming more internally consistent? Are
they becoming more like each other and to what extent? Is joint training a good
idea, and if so, since which UD version? Our results indicate that while
consolidation has made progress, joint models may still suffer from
inconsistencies, which hamper their ability to leverage a larger pool of
training data. | cs.CL | Are UD Treebanks Getting More Consistent? A Report Card for English UD |
2023-02-01T17:33:12Z | http://arxiv.org/pdf/2302.00618v1 | http://arxiv.org/abs/2302.00618v1 | Zhihong Shao, Yeyun Gong, Yelong Shen, Minlie Huang, Nan Duan, Weizhu Chen | 2023-02-01T17:33:12Z | cs.CL | Large language models can perform various reasoning tasks by using
chain-of-thought prompting, which guides them to find answers through
step-by-step demonstrations. However, the quality of the prompts depends on the
demonstrations given to the models, and creating many of them by hand is
costly. We introduce Synthetic prompting, a method that leverages a few
handcrafted examples to prompt the model to generate more examples by itself,
and selects effective demonstrations to elicit better reasoning. Our method
alternates between a backward and forward process to generate new examples. The
backward process generates a question that match a sampled reasoning chain, so
that the question is solvable and clear. The forward process produces a more
detailed reasoning chain for the question, improving the quality of the
example. We evaluate our method on numerical, symbolic, and algorithmic
reasoning tasks, and show that it outperforms existing prompting techniques. | cs.CL | Synthetic Prompting: Generating Chain-of-Thought Demonstrations for Large Language Models |
2023-02-01T17:20:52Z | http://arxiv.org/pdf/2302.00609v3 | http://arxiv.org/abs/2302.00609v3 | T. Y. S. S Santosh, Oana Ichim, Matthias Grabmair | 2023-02-13T14:23:05Z | cs.CL | In this paper, we cast Legal Judgment Prediction on European Court of Human
Rights cases into an article-aware classification task, where the case outcome
is classified from a combined input of case facts and convention articles. This
configuration facilitates the model learning some legal reasoning ability in
mapping article text to specific case fact text. It also provides an
opportunity to evaluate the model's ability to generalize to zero-shot settings
when asked to classify the case outcome with respect to articles not seen
during training. We devise zero-shot experiments and apply domain adaptation
methods based on domain discrimination and Wasserstein distance. Our results
demonstrate that the article-aware architecture outperforms straightforward
fact classification. We also find that domain adaptation methods improve
zero-shot transfer performance, with article relatedness and encoder
pre-training influencing the effect. | cs.CL | Zero-shot Transfer of Article-aware Legal Outcome Classification for European Court of Human Rights Cases |
2023-02-01T17:13:06Z | http://arxiv.org/pdf/2302.00606v1 | http://arxiv.org/abs/2302.00606v1 | Isabelle van der Vegt, Bennett Kleinberg | 2023-02-01T17:13:06Z | cs.CL | Besides far-reaching public health consequences, the COVID-19 pandemic had a
significant psychological impact on people around the world. To gain further
insight into this matter, we introduce the Real World Worry Waves Dataset
(RW3D). The dataset combines rich open-ended free-text responses with survey
data on emotions, significant life events, and psychological stressors in a
repeated-measures design in the UK over three years (2020: n=2441, 2021: n=1716
and 2022: n=1152). This paper provides background information on the data
collection procedure, the recorded variables, participants' demographics, and
higher-order psychological and text-based derived variables that emerged from
the data. The RW3D is a unique primary data resource that could inspire new
research questions on the psychological impact of the pandemic, especially
those that connect modalities (here: text data, psychological survey variables
and demographics) over time. | cs.CL | The RW3D: A multi-modal panel dataset to understand the psychological impact of the pandemic |
2023-02-01T16:26:32Z | http://arxiv.org/pdf/2302.00560v1 | http://arxiv.org/abs/2302.00560v1 | Maurice Jakesch, Advait Bhat, Daniel Buschek, Lior Zalmanson, Mor Naaman | 2023-02-01T16:26:32Z | cs.HC, cs.AI, cs.CL | If large language models like GPT-3 preferably produce a particular point of
view, they may influence people's opinions on an unknown scale. This study
investigates whether a language-model-powered writing assistant that generates
some opinions more often than others impacts what users write - and what they
think. In an online experiment, we asked participants (N=1,506) to write a post
discussing whether social media is good for society. Treatment group
participants used a language-model-powered writing assistant configured to
argue that social media is good or bad for society. Participants then completed
a social media attitude survey, and independent judges (N=500) evaluated the
opinions expressed in their writing. Using the opinionated language model
affected the opinions expressed in participants' writing and shifted their
opinions in the subsequent attitude survey. We discuss the wider implications
of our results and argue that the opinions built into AI language technologies
need to be monitored and engineered more carefully. | cs.HC | Co-Writing with Opinionated Language Models Affects Users' Views |
2023-02-01T15:28:55Z | http://arxiv.org/pdf/2302.00509v1 | http://arxiv.org/abs/2302.00509v1 | Pranav Kulkarni, Ziqing Ji, Yan Xu, Marko Neskovic, Kevin Nolan | 2023-02-01T15:28:55Z | cs.LG, cs.CL, cs.CV | With news and information being as easy to access as they currently are, it
is more important than ever to ensure that people are not mislead by what they
read. Recently, the rise of neural fake news (AI-generated fake news) and its
demonstrated effectiveness at fooling humans has prompted the development of
models to detect it. One such model is the Grover model, which can both detect
neural fake news to prevent it, and generate it to demonstrate how a model
could be misused to fool human readers. In this work we explore the Grover
model's fake news detection capabilities by performing targeted attacks through
perturbations on input news articles. Through this we test Grover's resilience
to these adversarial attacks and expose some potential vulnerabilities which
should be addressed in further iterations to ensure it can detect all types of
fake news accurately. | cs.LG | Exploring Semantic Perturbations on Grover |
2023-02-01T15:04:04Z | http://arxiv.org/pdf/2302.00493v1 | http://arxiv.org/abs/2302.00493v1 | Josip Jukić, Iva Vukojević, Jan Šnajder | 2023-02-01T15:04:04Z | cs.CL | Expressing attitude or stance toward entities and concepts is an integral
part of human behavior and personality. Recently, evaluative language data has
become more accessible with social media's rapid growth, enabling large-scale
opinion analysis. However, surprisingly little research examines the
relationship between personality and evaluative language. To bridge this gap,
we introduce the notion of evaluative topics, obtained by applying topic models
to pre-filtered evaluative text from social media. We then link evaluative
topics to individual text authors to build their evaluative profiles. We apply
evaluative profiling to Reddit comments labeled with personality scores and
conduct an exploratory study on the relationship between evaluative topics and
Big Five personality facets, aiming for a more interpretable, facet-level
analysis. Finally, we validate our approach by observing correlations
consistent with prior research in personality psychology. | cs.CL | You Are What You Talk About: Inducing Evaluative Topics for Personality Analysis |
2023-02-01T13:59:47Z | http://arxiv.org/pdf/2302.00456v3 | http://arxiv.org/abs/2302.00456v3 | Goro Kobayashi, Tatsuki Kuribayashi, Sho Yokoi, Kentaro Inui | 2024-04-15T12:27:00Z | cs.CL | Transformers are ubiquitous in wide tasks. Interpreting their internals is a
pivotal goal. Nevertheless, their particular components, feed-forward (FF)
blocks, have typically been less analyzed despite their substantial parameter
amounts. We analyze the input contextualization effects of FF blocks by
rendering them in the attention maps as a human-friendly visualization scheme.
Our experiments with both masked- and causal-language models reveal that FF
networks modify the input contextualization to emphasize specific types of
linguistic compositions. In addition, FF and its surrounding components tend to
cancel out each other's effects, suggesting potential redundancy in the
processing of the Transformer layer. | cs.CL | Analyzing Feed-Forward Blocks in Transformers through the Lens of Attention Maps |
2023-02-01T13:59:45Z | http://arxiv.org/pdf/2302.00455v1 | http://arxiv.org/abs/2302.00455v1 | Botond Barta, Dorina Lakatos, Attila Nagy, Milán Konor Nyist, Judit Ács | 2023-02-01T13:59:45Z | cs.CL | We introduce HunSum-1: a dataset for Hungarian abstractive summarization,
consisting of 1.14M news articles. The dataset is built by collecting, cleaning
and deduplicating data from 9 major Hungarian news sites through CommonCrawl.
Using this dataset, we build abstractive summarizer models based on huBERT and
mT5. We demonstrate the value of the created dataset by performing a
quantitative and qualitative analysis on the models' results. The HunSum-1
dataset, all models used in our experiments and our code are available open
source. | cs.CL | HunSum-1: an Abstractive Summarization Dataset for Hungarian |
2023-02-01T13:40:19Z | http://arxiv.org/pdf/2302.00444v1 | http://arxiv.org/abs/2302.00444v1 | Chenglong Wang, Yi Lu, Yongyu Mu, Yimin Hu, Tong Xiao, Jingbo Zhu | 2023-02-01T13:40:19Z | cs.CL | Knowledge distillation addresses the problem of transferring knowledge from a
teacher model to a student model. In this process, we typically have multiple
types of knowledge extracted from the teacher model. The problem is to make
full use of them to train the student model. Our preliminary study shows that:
(1) not all of the knowledge is necessary for learning a good student model,
and (2) knowledge distillation can benefit from certain knowledge at different
training steps. In response to these, we propose an actor-critic approach to
selecting appropriate knowledge to transfer during the process of knowledge
distillation. In addition, we offer a refinement of the training algorithm to
ease the computational burden. Experimental results on the GLUE datasets show
that our method outperforms several strong knowledge distillation baselines
significantly. | cs.CL | Improved Knowledge Distillation for Pre-trained Language Models via Knowledge Selection |
2023-02-01T12:53:31Z | http://arxiv.org/pdf/2302.00412v2 | http://arxiv.org/abs/2302.00412v2 | Léo Laugier, Raghuram Vadapalli, Thomas Bonald, Lucas Dixon | 2023-03-28T12:01:21Z | cs.CL | This paper explores a novel application of textual semantic similarity to
user-preference representation for rating prediction. The approach represents a
user's preferences as a graph of textual snippets from review text, where the
edges are defined by semantic similarity. This textual, memory-based approach
to rating prediction enables review-based explanations for recommendations. The
method is evaluated quantitatively, highlighting that leveraging text in this
way outperforms both strong memory-based and model-based collaborative
filtering baselines. | cs.CL | KNNs of Semantic Encodings for Rating Prediction |
2023-02-01T12:47:09Z | http://arxiv.org/pdf/2302.00407v3 | http://arxiv.org/abs/2302.00407v3 | Olia Toporkov, Rodrigo Agerri | 2023-10-20T15:31:57Z | cs.CL, cs.AI | Lemmatization is a natural language processing (NLP) task which consists of
producing, from a given inflected word, its canonical form or lemma.
Lemmatization is one of the basic tasks that facilitate downstream NLP
applications, and is of particular importance for high-inflected languages.
Given that the process to obtain a lemma from an inflected word can be
explained by looking at its morphosyntactic category, including fine-grained
morphosyntactic information to train contextual lemmatizers has become common
practice, without considering whether that is the optimum in terms of
downstream performance. In order to address this issue, in this paper we
empirically investigate the role of morphological information to develop
contextual lemmatizers in six languages within a varied spectrum of
morphological complexity: Basque, Turkish, Russian, Czech, Spanish and English.
Furthermore, and unlike the vast majority of previous work, we also evaluate
lemmatizers in out-of-domain settings, which constitutes, after all, their most
common application use. The results of our study are rather surprising. It
turns out that providing lemmatizers with fine-grained morphological features
during training is not that beneficial, not even for agglutinative languages.
In fact, modern contextual word representations seem to implicitly encode
enough morphological information to obtain competitive contextual lemmatizers
without seeing any explicit morphological signal. Moreover, our experiments
suggest that the best lemmatizers out-of-domain are those using simple UPOS
tags or those trained without morphology and, finally, that current evaluation
practices for lemmatization are not adequate to clearly discriminate between
models. | cs.CL | On the Role of Morphological Information for Contextual Lemmatization |
2023-02-01T12:40:03Z | http://arxiv.org/pdf/2302.00402v1 | http://arxiv.org/abs/2302.00402v1 | Haiyang Xu, Qinghao Ye, Ming Yan, Yaya Shi, Jiabo Ye, Yuanhong Xu, Chenliang Li, Bin Bi, Qi Qian, Wei Wang, Guohai Xu, Ji Zhang, Songfang Huang, Fei Huang, Jingren Zhou | 2023-02-01T12:40:03Z | cs.CV, cs.CL, cs.MM | Recent years have witnessed a big convergence of language, vision, and
multi-modal pretraining. In this work, we present mPLUG-2, a new unified
paradigm with modularized design for multi-modal pretraining, which can benefit
from modality collaboration while addressing the problem of modality
entanglement. In contrast to predominant paradigms of solely relying on
sequence-to-sequence generation or encoder-based instance discrimination,
mPLUG-2 introduces a multi-module composition network by sharing common
universal modules for modality collaboration and disentangling different
modality modules to deal with modality entanglement. It is flexible to select
different modules for different understanding and generation tasks across all
modalities including text, image, and video. Empirical study shows that mPLUG-2
achieves state-of-the-art or competitive results on a broad range of over 30
downstream tasks, spanning multi-modal tasks of image-text and video-text
understanding and generation, and uni-modal tasks of text-only, image-only, and
video-only understanding. Notably, mPLUG-2 shows new state-of-the-art results
of 48.0 top-1 accuracy and 80.3 CIDEr on the challenging MSRVTT video QA and
video caption tasks with a far smaller model size and data scale. It also
demonstrates strong zero-shot transferability on vision-language and
video-language tasks. Code and models will be released in
https://github.com/alibaba/AliceMind. | cs.CV | mPLUG-2: A Modularized Multi-modal Foundation Model Across Text, Image and Video |
Subsets and Splits