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-01-10T18:20:42Z | http://arxiv.org/pdf/2301.04110v1 | http://arxiv.org/abs/2301.04110v1 | Abhijeet Awasthi, Soumen Chakrabarti, Sunita Sarawagi | 2023-01-10T18:20:42Z | cs.CL, cs.AI | Inference-time adaptation methods for semantic parsing are useful for
leveraging examples from newly-observed domains without repeated fine-tuning.
Existing approaches typically bias the decoder by simply concatenating
input-output example pairs (cases) from the new domain at the encoder's input
in a Seq-to-Seq model. Such methods cannot adequately leverage the structure of
logical forms in the case examples. We propose StructCBR, a structured
case-based reasoning approach, which leverages subtree-level similarity between
logical forms of cases and candidate outputs, resulting in better decoder
decisions. For the task of adapting Text-to-SQL models to unseen schemas, we
show that exploiting case examples in a structured manner via StructCBR offers
consistent performance improvements over prior inference-time adaptation
methods across five different databases. To the best of our knowledge, we are
the first to attempt inference-time adaptation of Text-to-SQL models, and
harness trainable structured similarity between subqueries. | cs.CL | Structured Case-based Reasoning for Inference-time Adaptation of Text-to-SQL parsers |
2023-01-10T17:43:03Z | http://arxiv.org/pdf/2301.04098v2 | http://arxiv.org/abs/2301.04098v2 | Phillip Schneider, Anum Afzal, Juraj Vladika, Daniel Braun, Florian Matthes | 2023-02-27T15:49:16Z | cs.CL | Conversational search has evolved as a new information retrieval paradigm,
marking a shift from traditional search systems towards interactive dialogues
with intelligent search agents. This change especially affects exploratory
information-seeking contexts, where conversational search systems can guide the
discovery of unfamiliar domains. In these scenarios, users find it often
difficult to express their information goals due to insufficient background
knowledge. Conversational interfaces can provide assistance by eliciting
information needs and narrowing down the search space. However, due to the
complexity of information-seeking behavior, the design of conversational
interfaces for retrieving information remains a great challenge. Although prior
work has employed user studies to empirically ground the system design, most
existing studies are limited to well-defined search tasks or known domains,
thus being less exploratory in nature. Therefore, we conducted a laboratory
study to investigate open-ended search behavior for navigation through unknown
information landscapes. The study comprised of 26 participants who were
restricted in their search to a text chat interface. Based on the collected
dialogue transcripts, we applied statistical analyses and process mining
techniques to uncover general information-seeking patterns across five
different domains. We not only identify core dialogue acts and their
interrelations that enable users to discover domain knowledge, but also derive
design suggestions for conversational search systems. | cs.CL | Investigating Conversational Search Behavior For Domain Exploration |
2023-01-10T16:57:16Z | http://arxiv.org/pdf/2301.08155v1 | http://arxiv.org/abs/2301.08155v1 | Kay Lehnert | 2023-01-10T16:57:16Z | physics.pop-ph, cs.AI, cs.CL | In this case study, we explore the capabilities and limitations of ChatGPT, a
natural language processing model developed by OpenAI, in the field of string
theoretical swampland conjectures. We find that it is effective at paraphrasing
and explaining concepts in a variety of styles, but not at genuinely connecting
concepts. It will provide false information with full confidence and make up
statements when necessary. However, its ingenious use of language can be
fruitful for identifying analogies and describing visual representations of
abstract concepts. | physics.pop-ph | AI Insights into Theoretical Physics and the Swampland Program: A Journey Through the Cosmos with ChatGPT |
2023-01-10T14:59:33Z | http://arxiv.org/pdf/2301.04013v1 | http://arxiv.org/abs/2301.04013v1 | Ankush Agarwal, Sakharam Gawade, Sachin Channabasavarajendra, Pushpak Bhattacharyya | 2023-01-10T14:59:33Z | cs.CL, cs.AI, cs.LG | The integration of knowledge graphs with deep learning is thriving in
improving the performance of various natural language processing (NLP) tasks.
In this paper, we focus on knowledge-infused link prediction and question
answering using language models, T5, and BLOOM across three domains: Aviation,
Movie, and Web. In this context, we infuse knowledge in large and small
language models and study their performance, and find the performance to be
similar. For the link prediction task on the Aviation Knowledge Graph, we
obtain a 0.2 hits@1 score using T5-small, T5-base, T5-large, and BLOOM. Using
template-based scripts, we create a set of 1 million synthetic factoid QA pairs
in the aviation domain from National Transportation Safety Board (NTSB)
reports. On our curated QA pairs, the three models of T5 achieve a 0.7 hits@1
score. We validate out findings with the paired student t-test and Cohen's
kappa scores. For link prediction on Aviation Knowledge Graph using T5-small
and T5-large, we obtain a Cohen's kappa score of 0.76, showing substantial
agreement between the models. Thus, we infer that small language models perform
similar to large language models with the infusion of knowledge. | cs.CL | There is No Big Brother or Small Brother: Knowledge Infusion in Language Models for Link Prediction and Question Answering |
2023-01-10T14:20:15Z | http://arxiv.org/pdf/2301.03980v1 | http://arxiv.org/abs/2301.03980v1 | Kunal Suri, Atul Singh, Prakhar Mishra, Swapna Sourav Rout, Rajesh Sabapathy | 2023-01-10T14:20:15Z | cs.CL, cs.AI | Healthcare domain generates a lot of unstructured and semi-structured text.
Natural Language processing (NLP) has been used extensively to process this
data. Deep Learning based NLP especially Large Language Models (LLMs) such as
BERT have found broad acceptance and are used extensively for many
applications. A Language Model is a probability distribution over a word
sequence. Self-supervised Learning on a large corpus of data automatically
generates deep learning-based language models. BioBERT and Med-BERT are
language models pre-trained for the healthcare domain. Healthcare uses typical
NLP tasks such as question answering, information extraction, named entity
recognition, and search to simplify and improve processes. However, to ensure
robust application of the results, NLP practitioners need to normalize and
standardize them. One of the main ways of achieving normalization and
standardization is the use of Knowledge Graphs. A Knowledge Graph captures
concepts and their relationships for a specific domain, but their creation is
time-consuming and requires manual intervention from domain experts, which can
prove expensive. SNOMED CT (Systematized Nomenclature of Medicine -- Clinical
Terms), Unified Medical Language System (UMLS), and Gene Ontology (GO) are
popular ontologies from the healthcare domain. SNOMED CT and UMLS capture
concepts such as disease, symptoms and diagnosis and GO is the world's largest
source of information on the functions of genes. Healthcare has been dealing
with an explosion in information about different types of drugs, diseases, and
procedures. This paper argues that using Knowledge Graphs is not the best
solution for solving problems in this domain. We present experiments using LLMs
for the healthcare domain to demonstrate that language models provide the same
functionality as knowledge graphs, thereby making knowledge graphs redundant. | cs.CL | Language Models sounds the Death Knell of Knowledge Graphs |
2023-01-10T14:09:40Z | http://arxiv.org/pdf/2301.03971v1 | http://arxiv.org/abs/2301.03971v1 | Megan Dare, Valentina Fajardo Diaz, Averie Ho Zoen So, Yifan Wang, Shibingfeng Zhang | 2023-01-10T14:09:40Z | cs.CL | Advancements in unsupervised machine translation have enabled the development
of machine translation systems that can translate between languages for which
there is not an abundance of parallel data available. We explored unsupervised
machine translation between Mandarin Chinese and Cantonese. Despite the vast
number of native speakers of Cantonese, there is still no large-scale corpus
for the language, due to the fact that Cantonese is primarily used for oral
communication. The key contributions of our project include: 1. The creation of
a new corpus containing approximately 1 million Cantonese sentences, and 2. A
large-scale comparison across different model architectures, tokenization
schemes, and embedding structures. Our best model trained with character-based
tokenization and a Transformer architecture achieved a character-level BLEU of
25.1 when translating from Mandarin to Cantonese and of 24.4 when translating
from Cantonese to Mandarin. In this paper we discuss our research process,
experiments, and results. | cs.CL | Unsupervised Mandarin-Cantonese Machine Translation |
2023-01-10T13:33:08Z | http://arxiv.org/pdf/2301.03957v1 | http://arxiv.org/abs/2301.03957v1 | Prakhar Mishra, Chaitali Diwan, Srinath Srinivasa, G. Srinivasaraghavan | 2023-01-10T13:33:08Z | cs.CL, cs.AI | In this paper, we propose an AI based approach to Trailer Generation in the
form of short videos for online educational courses. Trailers give an overview
of the course to the learners and help them make an informed choice about the
courses they want to learn. It also helps to generate curiosity and interest
among the learners and encourages them to pursue a course. While it is possible
to manually generate the trailers, it requires extensive human efforts and
skills over a broad spectrum of design, span selection, video editing, domain
knowledge, etc., thus making it time-consuming and expensive, especially in an
academic setting. The framework we propose in this work is a template based
method for video trailer generation, where most of the textual content of the
trailer is auto-generated and the trailer video is automatically generated, by
leveraging Machine Learning and Natural Language Processing techniques. The
proposed trailer is in the form of a timeline consisting of various fragments
created by selecting, para-phrasing or generating content using various
proposed techniques. The fragments are further enhanced by adding voice-over
text, subtitles, animations, etc., to create a holistic experience. Finally, we
perform user evaluation with 63 human evaluators for evaluating the trailers
generated by our system and the results obtained were encouraging. | cs.CL | AI based approach to Trailer Generation for Online Educational Courses |
2023-01-10T13:18:25Z | http://arxiv.org/pdf/2301.03953v2 | http://arxiv.org/abs/2301.03953v2 | Zhuosheng Zhang, Hai Zhao, Longxiang Liu | 2023-01-11T02:21:04Z | cs.CL, cs.AI, cs.HC | Training machines to understand natural language and interact with humans is
one of the major goals of artificial intelligence. Recent years have witnessed
an evolution from matching networks to pre-trained language models (PrLMs). In
contrast to the plain-text modeling as the focus of the PrLMs, dialogue texts
involve multiple speakers and reflect special characteristics such as topic
transitions and structure dependencies between distant utterances. However, the
related PrLM models commonly represent dialogues sequentially by processing the
pairwise dialogue history as a whole. Thus the hierarchical information on
either utterance interrelation or speaker roles coupled in such representations
is not well addressed. In this work, we propose compositional learning for
holistic interaction across the utterances beyond the sequential
contextualization from PrLMs, in order to capture the utterance-aware and
speaker-aware representations entailed in a dialogue history. We decouple the
contextualized word representations by masking mechanisms in Transformer-based
PrLM, making each word only focus on the words in current utterance, other
utterances, and two speaker roles (i.e., utterances of sender and utterances of
the receiver), respectively. In addition, we employ domain-adaptive training
strategies to help the model adapt to the dialogue domains. Experimental
results show that our method substantially boosts the strong PrLM baselines in
four public benchmark datasets, achieving new state-of-the-art performance over
previous methods. | cs.CL | Channel-aware Decoupling Network for Multi-turn Dialogue Comprehension |
2023-01-10T08:41:25Z | http://arxiv.org/pdf/2301.03848v1 | http://arxiv.org/abs/2301.03848v1 | Vincenzo Miracula, Antonio Picone | 2023-01-10T08:41:25Z | cs.SI, cs.CL | App IO is an app developed for the Italian PA. It is definitely useful for
citizens to interact with the PA and to get services that were not digitized
yet. Nevertheless, it was not perceived in a good way by the citizens and it
has been criticized. As we wanted to find the root that caused all these bad
reviews we scraped feedback from mobile app stores using custom-coded automated
tools and - after that - we trained two machine learning models to perform both
sentiment analysis and emotion detection to understand what caused the bad
reviews. | cs.SI | The use of new technologies to support Public Administration. Sentiment analysis and the case of the app IO |
2023-01-10T07:07:20Z | http://arxiv.org/pdf/2301.03819v1 | http://arxiv.org/abs/2301.03819v1 | Piyush Behre, Sharman Tan, Padma Varadharajan, Shuangyu Chang | 2023-01-10T07:07:20Z | cs.CL | While speech recognition Word Error Rate (WER) has reached human parity for
English, continuous speech recognition scenarios such as voice typing and
meeting transcriptions still suffer from segmentation and punctuation problems,
resulting from irregular pausing patterns or slow speakers. Transformer
sequence tagging models are effective at capturing long bi-directional context,
which is crucial for automatic punctuation. Automatic Speech Recognition (ASR)
production systems, however, are constrained by real-time requirements, making
it hard to incorporate the right context when making punctuation decisions.
Context within the segments produced by ASR decoders can be helpful but
limiting in overall punctuation performance for a continuous speech session. In
this paper, we propose a streaming approach for punctuation or re-punctuation
of ASR output using dynamic decoding windows and measure its impact on
punctuation and segmentation accuracy across scenarios. The new system tackles
over-segmentation issues, improving segmentation F0.5-score by 13.9%. Streaming
punctuation achieves an average BLEUscore improvement of 0.66 for the
downstream task of Machine Translation (MT). | cs.CL | Streaming Punctuation: A Novel Punctuation Technique Leveraging Bidirectional Context for Continuous Speech Recognition |
2023-01-10T06:06:57Z | http://arxiv.org/pdf/2301.03801v1 | http://arxiv.org/abs/2301.03801v1 | Haogeng Liu, Tao Wang, Ruibo Fu, Jiangyan Yi, Zhengqi Wen, Jianhua Tao | 2023-01-10T06:06:57Z | cs.SD, cs.CL, cs.LG, eess.AS | Text-to-speech (TTS) and voice conversion (VC) are two different tasks both
aiming at generating high quality speaking voice according to different input
modality. Due to their similarity, this paper proposes UnifySpeech, which
brings TTS and VC into a unified framework for the first time. The model is
based on the assumption that speech can be decoupled into three independent
components: content information, speaker information, prosody information. Both
TTS and VC can be regarded as mining these three parts of information from the
input and completing the reconstruction of speech. For TTS, the speech content
information is derived from the text, while in VC it's derived from the source
speech, so all the remaining units are shared except for the speech content
extraction module in the two tasks. We applied vector quantization and domain
constrain to bridge the gap between the content domains of TTS and VC.
Objective and subjective evaluation shows that by combining the two task, TTS
obtains better speaker modeling ability while VC gets hold of impressive speech
content decoupling capability. | cs.SD | UnifySpeech: A Unified Framework for Zero-shot Text-to-Speech and Voice Conversion |
2023-01-10T03:04:27Z | http://arxiv.org/pdf/2301.03765v2 | http://arxiv.org/abs/2301.03765v2 | Yunchang Zhu, Liang Pang, Kangxi Wu, Yanyan Lan, Huawei Shen, Xueqi Cheng | 2024-03-09T07:12:52Z | cs.CL, cs.IR, cs.LG | Current natural language understanding (NLU) models have been continuously
scaling up, both in terms of model size and input context, introducing more
hidden and input neurons. While this generally improves performance on average,
the extra neurons do not yield a consistent improvement for all instances. This
is because some hidden neurons are redundant, and the noise mixed in input
neurons tends to distract the model. Previous work mainly focuses on
extrinsically reducing low-utility neurons by additional post- or
pre-processing, such as network pruning and context selection, to avoid this
problem. Beyond that, can we make the model reduce redundant parameters and
suppress input noise by intrinsically enhancing the utility of each neuron? If
a model can efficiently utilize neurons, no matter which neurons are ablated
(disabled), the ablated submodel should perform no better than the original
full model. Based on such a comparison principle between models, we propose a
cross-model comparative loss for a broad range of tasks. Comparative loss is
essentially a ranking loss on top of the task-specific losses of the full and
ablated models, with the expectation that the task-specific loss of the full
model is minimal. We demonstrate the universal effectiveness of comparative
loss through extensive experiments on 14 datasets from 3 distinct NLU tasks
based on 5 widely used pretrained language models and find it particularly
superior for models with few parameters or long input. | cs.CL | Cross-Model Comparative Loss for Enhancing Neuronal Utility in Language Understanding |
2023-01-10T02:37:44Z | http://arxiv.org/pdf/2301.04589v1 | http://arxiv.org/abs/2301.04589v1 | Dale Schuurmans | 2023-01-10T02:37:44Z | cs.CL, cs.FL | We show that transformer-based large language models are computationally
universal when augmented with an external memory. Any deterministic language
model that conditions on strings of bounded length is equivalent to a finite
automaton, hence computationally limited. However, augmenting such models with
a read-write memory creates the possibility of processing arbitrarily large
inputs and, potentially, simulating any algorithm. We establish that an
existing large language model, Flan-U-PaLM 540B, can be combined with an
associative read-write memory to exactly simulate the execution of a universal
Turing machine, $U_{15,2}$. A key aspect of the finding is that it does not
require any modification of the language model weights. Instead, the
construction relies solely on designing a form of stored instruction computer
that can subsequently be programmed with a specific set of prompts. | cs.CL | Memory Augmented Large Language Models are Computationally Universal |
2023-01-10T00:20:06Z | http://arxiv.org/pdf/2301.03728v1 | http://arxiv.org/abs/2301.03728v1 | Armen Aghajanyan, Lili Yu, Alexis Conneau, Wei-Ning Hsu, Karen Hambardzumyan, Susan Zhang, Stephen Roller, Naman Goyal, Omer Levy, Luke Zettlemoyer | 2023-01-10T00:20:06Z | cs.CL, cs.AI, cs.LG | Generative language models define distributions over sequences of tokens that
can represent essentially any combination of data modalities (e.g., any
permutation of image tokens from VQ-VAEs, speech tokens from HuBERT, BPE tokens
for language or code, and so on). To better understand the scaling properties
of such mixed-modal models, we conducted over 250 experiments using seven
different modalities and model sizes ranging from 8 million to 30 billion,
trained on 5-100 billion tokens. We report new mixed-modal scaling laws that
unify the contributions of individual modalities and the interactions between
them. Specifically, we explicitly model the optimal synergy and competition due
to data and model size as an additive term to previous uni-modal scaling laws.
We also find four empirical phenomena observed during the training, such as
emergent coordinate-ascent style training that naturally alternates between
modalities, guidelines for selecting critical hyper-parameters, and connections
between mixed-modal competition and training stability. Finally, we test our
scaling law by training a 30B speech-text model, which significantly
outperforms the corresponding unimodal models. Overall, our research provides
valuable insights into the design and training of mixed-modal generative
models, an important new class of unified models that have unique
distributional properties. | cs.CL | Scaling Laws for Generative Mixed-Modal Language Models |
2023-01-10T00:07:33Z | http://arxiv.org/pdf/2301.03726v2 | http://arxiv.org/abs/2301.03726v2 | Ran Xu, Yue Yu, Hejie Cui, Xuan Kan, Yanqiao Zhu, Joyce Ho, Chao Zhang, Carl Yang | 2023-02-15T20:29:50Z | cs.LG, cs.CL | Training deep neural networks (DNNs) with limited supervision has been a
popular research topic as it can significantly alleviate the annotation burden.
Self-training has been successfully applied in semi-supervised learning tasks,
but one drawback of self-training is that it is vulnerable to the label noise
from incorrect pseudo labels. Inspired by the fact that samples with similar
labels tend to share similar representations, we develop a neighborhood-based
sample selection approach to tackle the issue of noisy pseudo labels. We
further stabilize self-training via aggregating the predictions from different
rounds during sample selection. Experiments on eight tasks show that our
proposed method outperforms the strongest self-training baseline with 1.83% and
2.51% performance gain for text and graph datasets on average. Our further
analysis demonstrates that our proposed data selection strategy reduces the
noise of pseudo labels by 36.8% and saves 57.3% of the time when compared with
the best baseline. Our code and appendices will be uploaded to
https://github.com/ritaranx/NeST. | cs.LG | Neighborhood-Regularized Self-Training for Learning with Few Labels |
2023-01-09T18:20:10Z | http://arxiv.org/pdf/2301.03559v1 | http://arxiv.org/abs/2301.03559v1 | Siyan Li | 2023-01-09T18:20:10Z | cs.CL | We present preliminary results in quantitative analyses of color usage in
selected authors' works from LitBank. Using Glasgow Norms, human ratings on
5000+ words, we measure attributes of nouns dependent on color terms. Early
results demonstrate a significant increase in noun concreteness over time. We
also propose future research directions for computational literary color
analytics. | cs.CL | Color Me Intrigued: Quantifying Usage of Colors in Fiction |
2023-01-09T17:26:07Z | http://arxiv.org/pdf/2301.03531v1 | http://arxiv.org/abs/2301.03531v1 | Terri Elizabeth Workman, Joseph L. Goulet, Cynthia A. Brandt, Allison R. Warren, Jacob Eleazer, Melissa Skanderson, Luke Lindemann, John R. Blosnich, John O Leary, Qing Zeng Treitler | 2023-01-09T17:26:07Z | cs.AI, cs.CL, I.2.7; J.3 | Identifying suicidality including suicidal ideation, attempts, and risk
factors in electronic health record data in clinical notes is difficult. A
major difficulty is the lack of training samples given the small number of true
positive instances among the increasingly large number of patients being
screened. This paper describes a novel methodology that identifies suicidality
in clinical notes by addressing this data sparsity issue through zero-shot
learning. U.S. Veterans Affairs clinical notes served as data. The training
dataset label was determined using diagnostic codes of suicide attempt and
self-harm. A base string associated with the target label of suicidality was
used to provide auxiliary information by narrowing the positive training cases
to those containing the base string. A deep neural network was trained by
mapping the training documents contents to a semantic space. For comparison, we
trained another deep neural network using the identical training dataset labels
and bag-of-words features. The zero shot learning model outperformed the
baseline model in terms of AUC, sensitivity, specificity, and positive
predictive value at multiple probability thresholds. In applying a 0.90
probability threshold, the methodology identified notes not associated with a
relevant ICD 10 CM code that documented suicidality, with 94 percent accuracy.
This new method can effectively identify suicidality without requiring manual
annotation. | cs.AI | Leveraging Contextual Relatedness to Identify Suicide Documentation in Clinical Notes through Zero Shot Learning |
2023-01-09T15:59:55Z | http://arxiv.org/pdf/2301.03458v1 | http://arxiv.org/abs/2301.03458v1 | Ziqi Zhang, Tomas Jasaitis, Richard Freeman, Rowida Alfrjani, Adam Funk | 2023-01-09T15:59:55Z | cs.CL, cs.AI | While text mining and NLP research has been established for decades, there
remain gaps in the literature that reports the use of these techniques in
building real-world applications. For example, they typically look at single
and sometimes simplified tasks, and do not discuss in-depth data heterogeneity
and inconsistency that is common in real-world problems or their implication on
the development of their methods. Also, few prior work has focused on the
healthcare domain. In this work, we describe an industry project that developed
text mining and NLP solutions to mine millions of heterogeneous, multilingual
procurement documents in the healthcare sector. We extract structured
procurement contract data that is used to power a platform for dynamically
assessing supplier risks. Our work makes unique contributions in a number of
ways. First, we deal with highly heterogeneous, multilingual data and we
document our approach to tackle these challenges. This is mainly based on a
method that effectively uses domain knowledge and generalises to multiple text
mining and NLP tasks and languages. Second, applying this method to mine
millions of procurement documents, we develop the first structured procurement
contract database that will help facilitate the tendering process. Second,
Finally, we discuss lessons learned for practical text mining/NLP development,
and make recommendations for future research and practice. | cs.CL | Mining Healthcare Procurement Data Using Text Mining and Natural Language Processing -- Reflection From An Industrial Project |
2023-01-09T15:52:40Z | http://arxiv.org/pdf/2301.03447v1 | http://arxiv.org/abs/2301.03447v1 | Abidrabbo Alnassan | 2023-01-09T15:52:40Z | cs.CL | Based on an annotated multimedia corpus, television series Mar{\=a}y{\=a}
2013, we dig into the question of ''automatic standardization'' of Arabic
dialects for machine translation. Here we distinguish between rule-based
machine translation and statistical machine translation. Machine translation
from Arabic most of the time takes standard or modern Arabic as the source
language and produces quite satisfactory translations thanks to the
availability of the translation memories necessary for training the models. The
case is different for the translation of Arabic dialects. The productions are
much less efficient. In our research we try to apply machine translation
methods to a dialect/standard (or modern) Arabic pair to automatically produce
a standard Arabic text from a dialect input, a process we call ''automatic
standardization''. we opt here for the application of ''statistical models''
because ''automatic standardization'' based on rules is more hard with the lack
of ''diglossic'' dictionaries on the one hand and the difficulty of creating
linguistic rules for each dialect on the other. Carrying out this research
could then lead to combining ''automatic standardization'' software and
automatic translation software so that we take the output of the first software
and introduce it as input into the second one to obtain at the end a quality
machine translation. This approach may also have educational applications such
as the development of applications to help understand different Arabic dialects
by transforming dialectal texts into standard Arabic. | cs.CL | Automatic Standardization of Arabic Dialects for Machine Translation |
2023-01-09T15:12:50Z | http://arxiv.org/pdf/2301.03416v1 | http://arxiv.org/abs/2301.03416v1 | Weixin Liu, Xuyi Chen, Jiaxiang Liu, Shikun Feng, Yu Sun, Hao Tian, Hua Wu | 2023-01-09T15:12:50Z | cs.CL | Task-agnostic knowledge distillation attempts to address the problem of
deploying large pretrained language model in resource-constrained scenarios by
compressing a large pretrained model called teacher into a smaller one called
student such that the student can be directly finetuned on downstream tasks and
retains comparable performance. However, we empirically find that there is a
generalization gap between the student and the teacher in existing methods. In
this work, we show that we can leverage multi-task learning in task-agnostic
distillation to advance the generalization of the resulted student. In
particular, we propose Multi-task Infused Task-agnostic Knowledge Distillation
(MITKD). We first enhance the teacher by multi-task training it on multiple
downstream tasks and then perform distillation to produce the student.
Experimental results demonstrate that our method yields a student with much
better generalization, significantly outperforms existing baselines, and
establishes a new state-of-the-art result on in-domain, out-domain, and
low-resource datasets in the setting of task-agnostic distillation. Moreover,
our method even exceeds an 8x larger BERT$_{\text{Base}}$ on SQuAD and four
GLUE tasks. In addition, by combining ERNIE 3.0, our method achieves
state-of-the-art results on 10 Chinese datasets. | cs.CL | ERNIE 3.0 Tiny: Frustratingly Simple Method to Improve Task-Agnostic Distillation Generalization |
2023-01-09T14:48:35Z | http://arxiv.org/pdf/2301.03391v2 | http://arxiv.org/abs/2301.03391v2 | Jean-Sébastien Dessureault, Daniel Massicotte | 2023-01-12T20:53:50Z | cs.LG, cs.CL | The machine learning frameworks flourished in the last decades, allowing
artificial intelligence to get out of academic circles to be applied to
enterprise domains. This field has significantly advanced, but there is still
some meaningful improvement to reach the subsequent expectations. The proposed
framework, named AI$^{2}$, uses a natural language interface that allows a
non-specialist to benefit from machine learning algorithms without necessarily
knowing how to program with a programming language. The primary contribution of
the AI$^{2}$ framework allows a user to call the machine learning algorithms in
English, making its interface usage easier. The second contribution is
greenhouse gas (GHG) awareness. It has some strategies to evaluate the GHG
generated by the algorithm to be called and to propose alternatives to find a
solution without executing the energy-intensive algorithm. Another contribution
is a preprocessing module that helps to describe and to load data properly.
Using an English text-based chatbot, this module guides the user to define
every dataset so that it can be described, normalized, loaded and divided
appropriately. The last contribution of this paper is about explainability. For
decades, the scientific community has known that machine learning algorithms
imply the famous black-box problem. Traditional machine learning methods
convert an input into an output without being able to justify this result. The
proposed framework explains the algorithm's process with the proper texts,
graphics and tables. The results, declined in five cases, present usage
applications from the user's English command to the explained output.
Ultimately, the AI$^{2}$ framework represents the next leap toward native
language-based, human-oriented concerns about machine learning framework. | cs.LG | AI2: The next leap toward native language based and explainable machine learning framework |
2023-01-09T14:09:09Z | http://arxiv.org/pdf/2301.03353v2 | http://arxiv.org/abs/2301.03353v2 | Ozan Özdemir, Matthias Kerzel, Cornelius Weber, Jae Hee Lee, Muhammad Burhan Hafez, Patrick Bruns, Stefan Wermter | 2023-02-22T15:54:47Z | cs.CL, cs.AI, cs.NE, cs.RO | Human infant learning happens during exploration of the environment, by
interaction with objects, and by listening to and repeating utterances
casually, which is analogous to unsupervised learning. Only occasionally, a
learning infant would receive a matching verbal description of an action it is
committing, which is similar to supervised learning. Such a learning mechanism
can be mimicked with deep learning. We model this weakly supervised learning
paradigm using our Paired Gated Autoencoders (PGAE) model, which combines an
action and a language autoencoder. After observing a performance drop when
reducing the proportion of supervised training, we introduce the Paired
Transformed Autoencoders (PTAE) model, using Transformer-based crossmodal
attention. PTAE achieves significantly higher accuracy in language-to-action
and action-to-language translations, particularly in realistic but difficult
cases when only few supervised training samples are available. We also test
whether the trained model behaves realistically with conflicting multimodal
input. In accordance with the concept of incongruence in psychology, conflict
deteriorates the model output. Conflicting action input has a more severe
impact than conflicting language input, and more conflicting features lead to
larger interference. PTAE can be trained on mostly unlabelled data where
labeled data is scarce, and it behaves plausibly when tested with incongruent
input. | cs.CL | Learning Bidirectional Action-Language Translation with Limited Supervision and Incongruent Input |
2023-01-09T13:54:11Z | http://arxiv.org/pdf/2301.03344v1 | http://arxiv.org/abs/2301.03344v1 | Zhuosheng Zhang, Kehai Chen, Rui Wang, Masao Utiyama, Eiichiro Sumita, Zuchao Li, Hai Zhao | 2023-01-09T13:54:11Z | cs.CL, cs.AI, cs.CV | Representation learning is the foundation of natural language processing
(NLP). This work presents new methods to employ visual information as assistant
signals to general NLP tasks. For each sentence, we first retrieve a flexible
number of images either from a light topic-image lookup table extracted over
the existing sentence-image pairs or a shared cross-modal embedding space that
is pre-trained on out-of-shelf text-image pairs. Then, the text and images are
encoded by a Transformer encoder and convolutional neural network,
respectively. The two sequences of representations are further fused by an
attention layer for the interaction of the two modalities. In this study, the
retrieval process is controllable and flexible. The universal visual
representation overcomes the lack of large-scale bilingual sentence-image
pairs. Our method can be easily applied to text-only tasks without manually
annotated multimodal parallel corpora. We apply the proposed method to a wide
range of natural language generation and understanding tasks, including neural
machine translation, natural language inference, and semantic similarity.
Experimental results show that our method is generally effective for different
tasks and languages. Analysis indicates that the visual signals enrich textual
representations of content words, provide fine-grained grounding information
about the relationship between concepts and events, and potentially conduce to
disambiguation. | cs.CL | Universal Multimodal Representation for Language Understanding |
2023-01-09T13:12:05Z | http://arxiv.org/pdf/2301.03319v1 | http://arxiv.org/abs/2301.03319v1 | Vincent Vandeghinste, Oliver Guhr | 2023-01-09T13:12:05Z | cs.CL, cs.AI, I.2.7 | When applying automated speech recognition (ASR) for Belgian Dutch (Van Dyck
et al. 2021), the output consists of an unsegmented stream of words, without
any punctuation. A next step is to perform segmentation and insert punctuation,
making the ASR output more readable and easy to manually correct. As far as we
know there is no publicly available punctuation insertion system for Dutch that
functions at a usable level. The model we present here is an extension of the
models of Guhr et al. (2021) for Dutch and is made publicly available. We
trained a sequence classification model, based on the Dutch language model
RobBERT (Delobelle et al. 2020). For every word in the input sequence, the
models predicts a punctuation marker that follows the word. We have also
extended a multilingual model, for cases where the language is unknown or where
code switching applies. When performing the task of segmentation, the
application of the best models onto out of domain test data, a sliding window
of 200 words of the ASR output stream is sent to the classifier, and
segmentation is applied when the system predicts a segmenting punctuation sign
with a ratio above threshold. Results show to be much better than a machine
translation baseline approach. | cs.CL | FullStop:Punctuation and Segmentation Prediction for Dutch with Transformers |
2023-01-09T11:51:31Z | http://arxiv.org/pdf/2301.03282v1 | http://arxiv.org/abs/2301.03282v1 | Jie Lou, Yaojie Lu, Dai Dai, Wei Jia, Hongyu Lin, Xianpei Han, Le Sun, Hua Wu | 2023-01-09T11:51:31Z | cs.CL | The challenge of information extraction (IE) lies in the diversity of label
schemas and the heterogeneity of structures. Traditional methods require
task-specific model design and rely heavily on expensive supervision, making
them difficult to generalize to new schemas. In this paper, we decouple IE into
two basic abilities, structuring and conceptualizing, which are shared by
different tasks and schemas. Based on this paradigm, we propose to universally
model various IE tasks with Unified Semantic Matching (USM) framework, which
introduces three unified token linking operations to model the abilities of
structuring and conceptualizing. In this way, USM can jointly encode schema and
input text, uniformly extract substructures in parallel, and controllably
decode target structures on demand. Empirical evaluation on 4 IE tasks shows
that the proposed method achieves state-of-the-art performance under the
supervised experiments and shows strong generalization ability in zero/few-shot
transfer settings. | cs.CL | Universal Information Extraction as Unified Semantic Matching |
2023-01-09T10:33:14Z | http://arxiv.org/pdf/2301.03252v1 | http://arxiv.org/abs/2301.03252v1 | Akim Tsvigun, Ivan Lysenko, Danila Sedashov, Ivan Lazichny, Eldar Damirov, Vladimir Karlov, Artemy Belousov, Leonid Sanochkin, Maxim Panov, Alexander Panchenko, Mikhail Burtsev, Artem Shelmanov | 2023-01-09T10:33:14Z | cs.CL | Construction of human-curated annotated datasets for abstractive text
summarization (ATS) is very time-consuming and expensive because creating each
instance requires a human annotator to read a long document and compose a
shorter summary that would preserve the key information relayed by the original
document. Active Learning (AL) is a technique developed to reduce the amount of
annotation required to achieve a certain level of machine learning model
performance. In information extraction and text classification, AL can reduce
the amount of labor up to multiple times. Despite its potential for aiding
expensive annotation, as far as we know, there were no effective AL query
strategies for ATS. This stems from the fact that many AL strategies rely on
uncertainty estimation, while as we show in our work, uncertain instances are
usually noisy, and selecting them can degrade the model performance compared to
passive annotation. We address this problem by proposing the first effective
query strategy for AL in ATS based on diversity principles. We show that given
a certain annotation budget, using our strategy in AL annotation helps to
improve the model performance in terms of ROUGE and consistency scores.
Additionally, we analyze the effect of self-learning and show that it can
further increase the performance of the model. | cs.CL | Active Learning for Abstractive Text Summarization |
2023-01-09T10:11:23Z | http://arxiv.org/pdf/2301.03238v1 | http://arxiv.org/abs/2301.03238v1 | Judith Yue Li, Aren Jansen, Qingqing Huang, Joonseok Lee, Ravi Ganti, Dima Kuzmin | 2023-01-09T10:11:23Z | cs.CL, cs.AI, cs.LG, cs.SD, eess.AS | Multimodal learning can benefit from the representation power of pretrained
Large Language Models (LLMs). However, state-of-the-art transformer based LLMs
often ignore negations in natural language and there is no existing benchmark
to quantitatively evaluate whether multimodal transformers inherit this
weakness. In this study, we present a new multimodal question answering (QA)
benchmark adapted from labeled music videos in AudioSet (Gemmeke et al., 2017)
with the goal of systematically evaluating if multimodal transformers can
perform complex reasoning to recognize new concepts as negation of previously
learned concepts. We show that with standard fine-tuning approach multimodal
transformers are still incapable of correctly interpreting negation
irrespective of model size. However, our experiments demonstrate that
augmenting the original training task distributions with negated QA examples
allow the model to reliably reason with negation. To do this, we describe a
novel data generation procedure that prompts the 540B-parameter PaLM model to
automatically generate negated QA examples as compositions of easily accessible
video tags. The generated examples contain more natural linguistic patterns and
the gains compared to template-based task augmentation approach are
significant. | cs.CL | MAQA: A Multimodal QA Benchmark for Negation |
2023-01-09T09:40:56Z | http://arxiv.org/pdf/2301.03225v1 | http://arxiv.org/abs/2301.03225v1 | Abrar Qadir Mir, Furqan Yaqub Khan, Mohammad Ahsan Chishti | 2023-01-09T09:40:56Z | cs.CL, cs.AI, cs.IR | Online shopping stores have grown steadily over the past few years. Due to
the massive growth of these businesses, the detection of fake reviews has
attracted attention. Fake reviews are seriously trying to mislead customers and
thereby undermine the honesty and authenticity of online shopping environments.
So far, various fake review classifiers have been proposed that take into
account the actual content of the review. To improve the accuracies of existing
fake review classification or detection approaches, we propose to use BERT
(Bidirectional Encoder Representation from Transformers) model to extract word
embeddings from texts (i.e. reviews). Word embeddings are obtained in various
basic methods such as SVM (Support vector machine), Random Forests, Naive
Bayes, and others. The confusion matrix method was also taken into account to
evaluate and graphically represent the results. The results indicate that the
SVM classifiers outperform the others in terms of accuracy and f1-score with an
accuracy of 87.81%, which is 7.6% higher than the classifier used in the
previous study [5]. | cs.CL | Online Fake Review Detection Using Supervised Machine Learning And BERT Model |
2023-01-09T09:34:38Z | http://arxiv.org/pdf/2301.03222v1 | http://arxiv.org/abs/2301.03222v1 | Danish Muzafar, Furqan Yaqub Khan, Mubashir Qayoom | 2023-01-09T09:34:38Z | cs.CL, cs.AI, cs.IR | Textual emotional intelligence is playing a ubiquitously important role in
leveraging human emotions on social media platforms. Social media platforms are
privileged with emotional content and are leveraged for various purposes like
opinion mining, emotion mining, and sentiment analysis. This data analysis is
also levered for the prevention of online bullying, suicide prevention, and
depression detection among social media users. In this article, we have
designed an automatic depression detection of online social media users by
analyzing their social media behavior. The designed depression detection
classification can be effectively used to mine user's social media interactions
and one can determine whether a social media user is suffering from depression
or not. The underlying classifier is made using state-of-art technology in
emotional artificial intelligence which includes LSTM (Long Short Term Memory)
and other machine learning classifiers. The highest accuracy of the classifier
is around 70% of LSTM and for SVM the highest accuracy is 81.79%. We trained
the classifier on the datasets that are widely used in literature for emotion
mining tasks. A confusion matrix of results is also given. | cs.CL | Machine Learning Algorithms for Depression Detection and Their Comparison |
2023-01-09T01:44:29Z | http://arxiv.org/pdf/2301.03141v2 | http://arxiv.org/abs/2301.03141v2 | Linden Wang | 2023-09-19T01:16:00Z | cs.CL | We studied the capability of automated machine translation in the online
video education space by automatically translating Khan Academy videos with
state-of-the-art translation models and applying text-to-speech synthesis and
audio/video synchronization to build engaging videos in target languages. We
also analyzed and established two reliable translation confidence estimators
based on round-trip translations in order to efficiently manage translation
quality and reduce human translation effort. Finally, we developed a deployable
system to deliver translated videos to end users and collect user corrections
for iterative improvement. | cs.CL | Applying Automated Machine Translation to Educational Video Courses |
2023-01-09T01:26:55Z | http://arxiv.org/pdf/2301.03136v2 | http://arxiv.org/abs/2301.03136v2 | Guijin Son, Hanwool Lee, Nahyeon Kang, Moonjeong Hahm | 2023-01-25T02:06:13Z | cs.CL, cs.LG, q-fin.GN | Extraction of sentiment signals from news text, stock message boards, and
business reports, for stock movement prediction, has been a rising field of
interest in finance. Building upon past literature, the most recent works
attempt to better capture sentiment from sentences with complex syntactic
structures by introducing aspect-level sentiment classification (ASC). Despite
the growing interest, however, fine-grained sentiment analysis has not been
fully explored in non-English literature due to the shortage of annotated
finance-specific data. Accordingly, it is necessary for non-English languages
to leverage datasets and pre-trained language models (PLM) of different
domains, languages, and tasks to best their performance. To facilitate
finance-specific ASC research in the Korean language, we build KorFinASC, a
Korean aspect-level sentiment classification dataset for finance consisting of
12,613 human-annotated samples, and explore methods of intermediate transfer
learning. Our experiments indicate that past research has been ignorant towards
the potentially wrong knowledge of financial entities encoded during the
training phase, which has overestimated the predictive power of PLMs. In our
work, we use the term "non-stationary knowledge'' to refer to information that
was previously correct but is likely to change, and present "TGT-Masking'', a
novel masking pattern to restrict PLMs from speculating knowledge of the kind.
Finally, through a series of transfer learning with TGT-Masking applied we
improve 22.63% of classification accuracy compared to standalone models on
KorFinASC. | cs.CL | Removing Non-Stationary Knowledge From Pre-Trained Language Models for Entity-Level Sentiment Classification in Finance |
2023-01-09T00:19:11Z | http://arxiv.org/pdf/2301.03127v2 | http://arxiv.org/abs/2301.03127v2 | Pim Jordi Verschuuren, Jie Gao, Adelize van Eeden, Stylianos Oikonomou, Anil Bandhakavi | 2023-02-03T22:55:12Z | cs.CL, cs.AI, cs.CV, cs.MM | In this paper, we present the Logically submissions to De-Factify 2 challenge
(DE-FACTIFY 2023) on the task 1 of Multi-Modal Fact Checking. We describes our
submissions to this challenge including explored evidence retrieval and
selection techniques, pre-trained cross-modal and unimodal models, and a
cross-modal veracity model based on the well established Transformer Encoder
(TE) architecture which is heavily relies on the concept of self-attention.
Exploratory analysis is also conducted on this Factify 2 data set that uncovers
the salient multi-modal patterns and hypothesis motivating the architecture
proposed in this work. A series of preliminary experiments were done to
investigate and benchmarking different pre-trained embedding models, evidence
retrieval settings and thresholds. The final system, a standard two-stage
evidence based veracity detection system, yields weighted avg. 0.79 on both val
set and final blind test set on the task 1, which achieves 3rd place with a
small margin to the top performing system on the leaderboard among 9
participants. | cs.CL | Logically at Factify 2: A Multi-Modal Fact Checking System Based on Evidence Retrieval techniques and Transformer Encoder Architecture |
2023-01-08T23:12:46Z | http://arxiv.org/pdf/2301.03119v2 | http://arxiv.org/abs/2301.03119v2 | Mariam Bangura, Kristina Barabashova, Anna Karnysheva, Sarah Semczuk, Yifan Wang | 2023-01-10T14:08:00Z | cs.CL | This study is devoted to the automatic generation of German drama texts. We
suggest an approach consisting of two key steps: fine-tuning a GPT-2 model (the
outline model) to generate outlines of scenes based on keywords and fine-tuning
a second model (the generation model) to generate scenes from the scene
outline. The input for the neural model comprises two datasets: the German
Drama Corpus (GerDraCor) and German Text Archive (Deutsches Textarchiv or DTA).
In order to estimate the effectiveness of the proposed method, our models are
compared with baseline GPT-2 models. Our models perform well according to
automatic quantitative evaluation, but, conversely, manual qualitative analysis
reveals a poor quality of generated texts. This may be due to the quality of
the dataset or training inputs. | cs.CL | Automatic Generation of German Drama Texts Using Fine Tuned GPT-2 Models |
2023-01-08T19:16:22Z | http://arxiv.org/pdf/2301.03095v1 | http://arxiv.org/abs/2301.03095v1 | Dan Zhang, Hannah Kim, Rafael Li Chen, Eser Kandogan, Estevam Hruschka | 2023-01-08T19:16:22Z | cs.HC, cs.CL | We present MEGAnno, a novel exploratory annotation framework designed for NLP
researchers and practitioners. Unlike existing labeling tools that focus on
data labeling only, our framework aims to support a broader, iterative ML
workflow including data exploration and model development. With MEGAnno's API,
users can programmatically explore the data through sophisticated search and
automated suggestion functions and incrementally update task schema as their
project evolve. Combined with our widget, the users can interactively sort,
filter, and assign labels to multiple items simultaneously in the same notebook
where the rest of the NLP project resides. We demonstrate MEGAnno's flexible,
exploratory, efficient, and seamless labeling experience through a sentiment
analysis use case. | cs.HC | MEGAnno: Exploratory Labeling for NLP in Computational Notebooks |
2023-01-08T15:13:13Z | http://arxiv.org/pdf/2301.03056v1 | http://arxiv.org/abs/2301.03056v1 | Anubrata Das, Houjiang Liu, Venelin Kovatchev, Matthew Lease | 2023-01-08T15:13:13Z | cs.CL, cs.AI, cs.CY, cs.HC | Misinformation threatens modern society by promoting distrust in science,
changing narratives in public health, heightening social polarization, and
disrupting democratic elections and financial markets, among a myriad of other
societal harms. To address this, a growing cadre of professional fact-checkers
and journalists provide high-quality investigations into purported facts.
However, these largely manual efforts have struggled to match the enormous
scale of the problem. In response, a growing body of Natural Language
Processing (NLP) technologies have been proposed for more scalable
fact-checking. Despite tremendous growth in such research, however, practical
adoption of NLP technologies for fact-checking still remains in its infancy
today.
In this work, we review the capabilities and limitations of the current NLP
technologies for fact-checking. Our particular focus is to further chart the
design space for how these technologies can be harnessed and refined in order
to better meet the needs of human fact-checkers. To do so, we review key
aspects of NLP-based fact-checking: task formulation, dataset construction,
modeling, and human-centered strategies, such as explainable models and
human-in-the-loop approaches. Next, we review the efficacy of applying
NLP-based fact-checking tools to assist human fact-checkers. We recommend that
future research include collaboration with fact-checker stakeholders early on
in NLP research, as well as incorporation of human-centered design practices in
model development, in order to further guide technology development for human
use and practical adoption. Finally, we advocate for more research on benchmark
development supporting extrinsic evaluation of human-centered fact-checking
technologies. | cs.CL | The State of Human-centered NLP Technology for Fact-checking |
2023-01-08T12:33:58Z | http://arxiv.org/pdf/2301.03029v6 | http://arxiv.org/abs/2301.03029v6 | Bernadeta Griciūtė, Lifeng Han, Goran Nenadic | 2023-04-18T16:43:11Z | cs.CL, cs.SI | Topic Modelling (TM) is from the research branches of natural language
understanding (NLU) and natural language processing (NLP) that is to facilitate
insightful analysis from large documents and datasets, such as a summarisation
of main topics and the topic changes. This kind of discovery is getting more
popular in real-life applications due to its impact on big data analytics. In
this study, from the social-media and healthcare domain, we apply popular
Latent Dirichlet Allocation (LDA) methods to model the topic changes in Swedish
newspaper articles about Coronavirus. We describe the corpus we created
including 6515 articles, methods applied, and statistics on topic changes over
approximately 1 year and two months period of time from 17th January 2020 to
13th March 2021. We hope this work can be an asset for grounding applications
of topic modelling and can be inspiring for similar case studies in an era with
pandemics, to support socio-economic impact research as well as clinical and
healthcare analytics. Our data and source code are openly available at
https://github. com/poethan/Swed_Covid_TM Keywords: Latent Dirichlet Allocation
(LDA); Topic Modelling; Coronavirus; Pandemics; Natural Language Understanding;
BERT-topic | cs.CL | Topic Modelling of Swedish Newspaper Articles about Coronavirus: a Case Study using Latent Dirichlet Allocation Method |
2023-01-08T10:22:50Z | http://arxiv.org/pdf/2301.03012v1 | http://arxiv.org/abs/2301.03012v1 | Badr M. Abdullah, Dietrich Klakow | 2023-01-08T10:22:50Z | cs.CL | Acoustic word embeddings (AWEs) are vector representations such that
different acoustic exemplars of the same word are projected nearby in the
embedding space. In addition to their use in speech technology applications
such as spoken term discovery and keyword spotting, AWE models have been
adopted as models of spoken-word processing in several cognitively motivated
studies and have been shown to exhibit human-like performance in some auditory
processing tasks. Nevertheless, the representational geometry of AWEs remains
an under-explored topic that has not been studied in the literature. In this
paper, we take a closer analytical look at AWEs learned from English speech and
study how the choice of the learning objective and the architecture shapes
their representational profile. To this end, we employ a set of analytic
techniques from machine learning and neuroscience in three different analyses:
embedding space uniformity, word discriminability, and representational
consistency. Our main findings highlight the prominent role of the learning
objective on shaping the representation profile compared to the model
architecture. | cs.CL | Analyzing the Representational Geometry of Acoustic Word Embeddings |
2023-01-08T08:03:46Z | http://arxiv.org/pdf/2301.02998v2 | http://arxiv.org/abs/2301.02998v2 | Leonid Boytsov, Preksha Patel, Vivek Sourabh, Riddhi Nisar, Sayani Kundu, Ramya Ramanathan, Eric Nyberg | 2024-02-21T04:20:55Z | cs.IR, cs.AI, cs.CL | We carried out a reproducibility study of InPars, which is a method for
unsupervised training of neural rankers (Bonifacio et al., 2022). As a
by-product, we developed InPars-light, which is a simple-yet-effective
modification of InPars. Unlike InPars, InPars-light uses 7x-100x smaller
ranking models and only a freely available language model BLOOM, which -- as we
found out -- produced more accurate rankers compared to a proprietary GPT-3
model. On all five English retrieval collections (used in the original InPars
study) we obtained substantial (7%-30%) and statistically significant
improvements over BM25 (in nDCG and MRR) using only a 30M parameter six-layer
MiniLM-30M ranker and a single three-shot prompt. In contrast, in the InPars
study only a 100x larger monoT5-3B model consistently outperformed BM25,
whereas their smaller monoT5-220M model (which is still 7x larger than our
MiniLM ranker) outperformed BM25 only on MS MARCO and TREC DL 2020. In the same
three-shot prompting scenario, our 435M parameter DeBERTA v3 ranker was at par
with the 7x larger monoT5-3B (average gain over BM25 of 1.3 vs 1.32): In fact,
on three out of five datasets, DeBERTA slightly outperformed monoT5-3B.
Finally, these good results were achieved by re-ranking only 100 candidate
documents compared to 1000 used by Bonifacio et al. (2022). We believe that
InPars-light is the first truly cost-effective prompt-based unsupervised recipe
to train and deploy neural ranking models that outperform BM25. Our code and
data is publicly available. https://github.com/searchivarius/inpars_light/ | cs.IR | InPars-Light: Cost-Effective Unsupervised Training of Efficient Rankers |
2023-01-08T04:33:43Z | http://arxiv.org/pdf/2301.02975v2 | http://arxiv.org/abs/2301.02975v2 | Bruce W. Lee, Jason Hyung-Jong Lee | 2023-01-10T05:54:50Z | cs.CL, cs.LG | Traditional English readability formulas, or equations, were largely
developed in the 20th century. Nonetheless, many researchers still rely on them
for various NLP applications. This phenomenon is presumably due to the
convenience and straightforwardness of readability formulas. In this work, we
contribute to the NLP community by 1. introducing New English Readability
Formula (NERF), 2. recalibrating the coefficients of old readability formulas
(Flesch-Kincaid Grade Level, Fog Index, SMOG Index, Coleman-Liau Index, and
Automated Readability Index), 3. evaluating the readability formulas, for use
in text simplification studies and medical texts, and 4. developing a
Python-based program for the wide application to various NLP projects. | cs.CL | Traditional Readability Formulas Compared for English |
2023-01-08T03:16:56Z | http://arxiv.org/pdf/2301.02966v1 | http://arxiv.org/abs/2301.02966v1 | Heli Qi, Sashi Novitasari, Andros Tjandra, Sakriani Sakti, Satoshi Nakamura | 2023-01-08T03:16:56Z | cs.CL, cs.LG, eess.AS, 68T10, I.2.7 | This paper introduces SpeeChain, an open-source Pytorch-based toolkit
designed to develop the machine speech chain for large-scale use. This first
release focuses on the TTS-to-ASR chain, a core component of the machine speech
chain, that refers to the TTS data augmentation by unspoken text for ASR. To
build an efficient pipeline for the large-scale TTS-to-ASR chain, we implement
easy-to-use multi-GPU batch-level model inference, multi-dataloader batch
generation, and on-the-fly data selection techniques. In this paper, we first
explain the overall procedure of the TTS-to-ASR chain and the difficulties of
each step. Then, we present a detailed ablation study on different types of
unlabeled data, data filtering thresholds, batch composition, and
real-synthetic data ratios. Our experimental results on train_clean_460 of
LibriSpeech demonstrate that our TTS-to-ASR chain can significantly improve WER
in a semi-supervised setting. | cs.CL | SpeeChain: A Speech Toolkit for Large-Scale Machine Speech Chain |
2023-01-07T15:18:45Z | http://arxiv.org/pdf/2301.06901v1 | http://arxiv.org/abs/2301.06901v1 | Sagar Joshi, Sumanth Balaji, Aparna Garimella, Vasudeva Varma | 2023-01-07T15:18:45Z | cs.CL, cs.AI, I.2.7 | Generating domain-specific content such as legal clauses based on minimal
user-provided information can be of significant benefit in automating legal
contract generation. In this paper, we propose a controllable graph-based
mechanism that can generate legal clauses using only the topic or type of the
legal clauses. Our pipeline consists of two stages involving a graph-based
planner followed by a clause generator. The planner outlines the content of a
legal clause as a sequence of keywords in the order of generic to more specific
clause information based on the input topic using a controllable graph-based
mechanism. The generation stage takes in a given plan and generates a clause.
The pipeline consists of a graph-based planner followed by text generation. We
illustrate the effectiveness of our proposed two-stage approach on a broad set
of clause topics in contracts. | cs.CL | Graph-based Keyword Planning for Legal Clause Generation from Topics |
2023-01-07T11:12:36Z | http://arxiv.org/pdf/2301.02828v2 | http://arxiv.org/abs/2301.02828v2 | Frank F. Xu, Uri Alon, Graham Neubig | 2023-01-17T08:02:58Z | cs.CL, cs.LG | Language models (LMs) compute the probability of a text by sequentially
computing a representation of an already-seen context and using this
representation to predict the next word. Currently, most LMs calculate these
representations through a neural network consuming the immediate previous
context. However recently, retrieval-augmented LMs have shown to improve over
standard neural LMs, by accessing information retrieved from a large datastore,
in addition to their standard, parametric, next-word prediction. In this paper,
we set out to understand why retrieval-augmented language models, and
specifically why k-nearest neighbor language models (kNN-LMs) perform better
than standard parametric LMs, even when the k-nearest neighbor component
retrieves examples from the same training set that the LM was originally
trained on. To this end, we perform a careful analysis of the various
dimensions over which kNN-LM diverges from standard LMs, and investigate these
dimensions one by one. Empirically, we identify three main reasons why kNN-LM
performs better than standard LMs: using a different input representation for
predicting the next tokens, approximate kNN search, and the importance of
softmax temperature for the kNN distribution. Further, we incorporate these
insights into the model architecture or the training procedure of the standard
parametric LM, improving its results without the need for an explicit retrieval
component. The code is available at https://github.com/frankxu2004/knnlm-why. | cs.CL | Why do Nearest Neighbor Language Models Work? |
2023-01-07T08:39:57Z | http://arxiv.org/pdf/2301.02809v1 | http://arxiv.org/abs/2301.02809v1 | Yao Liang, Hongjian Fang, Yi Zeng, Feifei Zhao | 2023-01-07T08:39:57Z | cs.AI, cs.CL | Reasoning and question answering as a basic cognitive function for humans, is
nevertheless a great challenge for current artificial intelligence. Although
the Differentiable Neural Computer (DNC) model could solve such problems to a
certain extent, the development is still limited by its high algorithm
complexity, slow convergence speed, and poor test robustness. Inspired by the
learning and memory mechanism of the brain, this paper proposed a Memory
Transformation based Differentiable Neural Computer (MT-DNC) model. MT-DNC
incorporates working memory and long-term memory into DNC, and realizes the
autonomous transformation of acquired experience between working memory and
long-term memory, thereby helping to effectively extract acquired knowledge to
improve reasoning ability. Experimental results on bAbI question answering task
demonstrated that our proposed method achieves superior performance and faster
convergence speed compared to other existing DNN and DNC models. Ablation
studies also indicated that the memory transformation from working memory to
long-term memory plays essential role in improving the robustness and stability
of reasoning. This work explores how brain-inspired memory transformation can
be integrated and applied to complex intelligent dialogue and reasoning
systems. | cs.AI | A Brain-inspired Memory Transformation based Differentiable Neural Computer for Reasoning-based Question Answering |
2023-01-07T08:33:05Z | http://arxiv.org/pdf/2301.02807v1 | http://arxiv.org/abs/2301.02807v1 | Hamid Gharagozlou, Javad Mohammadzadeh, Azam Bastanfard, Saeed Shiry Ghidary | 2023-01-07T08:33:05Z | cs.CL, cs.AI, cs.IR, I.2.7 | Answer selection (AS) is a critical subtask of the open-domain question
answering (QA) problem. The present paper proposes a method called RLAS-BIABC
for AS, which is established on attention mechanism-based long short-term
memory (LSTM) and the bidirectional encoder representations from transformers
(BERT) word embedding, enriched by an improved artificial bee colony (ABC)
algorithm for pretraining and a reinforcement learning-based algorithm for
training backpropagation (BP) algorithm. BERT can be comprised in downstream
work and fine-tuned as a united task-specific architecture, and the pretrained
BERT model can grab different linguistic effects. Existing algorithms typically
train the AS model with positive-negative pairs for a two-class classifier. A
positive pair contains a question and a genuine answer, while a negative one
includes a question and a fake answer. The output should be one for positive
and zero for negative pairs. Typically, negative pairs are more than positive,
leading to an imbalanced classification that drastically reduces system
performance. To deal with it, we define classification as a sequential
decision-making process in which the agent takes a sample at each step and
classifies it. For each classification operation, the agent receives a reward,
in which the prize of the majority class is less than the reward of the
minority class. Ultimately, the agent finds the optimal value for the policy
weights. We initialize the policy weights with the improved ABC algorithm. The
initial value technique can prevent problems such as getting stuck in the local
optimum. Although ABC serves well in most tasks, there is still a weakness in
the ABC algorithm that disregards the fitness of related pairs of individuals
in discovering a neighboring food source position. | cs.CL | RLAS-BIABC: A Reinforcement Learning-Based Answer Selection Using the BERT Model Boosted by an Improved ABC Algorithm |
2023-01-07T06:48:41Z | http://arxiv.org/pdf/2301.02792v1 | http://arxiv.org/abs/2301.02792v1 | Xinyi Zhou, Jiayu Li, Qinzhou Li, Reza Zafarani | 2023-01-07T06:48:41Z | cs.CL, cs.AI | We propose the hierarchical recursive neural network (HERO) to predict fake
news by learning its linguistic style, which is distinguishable from the truth,
as psychological theories reveal. We first generate the hierarchical linguistic
tree of news documents; by doing so, we translate each news document's
linguistic style into its writer's usage of words and how these words are
recursively structured as phrases, sentences, paragraphs, and, ultimately, the
document. By integrating the hierarchical linguistic tree with the neural
network, the proposed method learns and classifies the representation of news
documents by capturing their locally sequential and globally recursive
structures that are linguistically meaningful. It is the first work offering
the hierarchical linguistic tree and the neural network preserving the tree
information to our best knowledge. Experimental results based on public
real-world datasets demonstrate the proposed method's effectiveness, which can
outperform state-of-the-art techniques in classifying short and long news
documents. We also examine the differential linguistic style of fake news and
the truth and observe some patterns of fake news. The code and data have been
publicly available. | cs.CL | Linguistic-style-aware Neural Networks for Fake News Detection |
2023-01-07T04:10:33Z | http://arxiv.org/pdf/2301.04582v1 | http://arxiv.org/abs/2301.04582v1 | Demin Yu, Min Liu, Zhongjie Wang | 2023-01-07T04:10:33Z | cs.CL, cs.AI | With the flourish of services on the Internet, a prerequisite for service
providers to precisely deliver services to their customers is to capture user
requirements comprehensively, accurately, and efficiently. This is called the
``Service Requirement Elicitation (SRE)'' task. Considering the amount of
customers is huge, it is an inefficient way for service providers to interact
with each user by face-to-face dialog. Therefore, to elicit user requirements
with the assistance of virtual intelligent assistants has become a mainstream
way. Since user requirements generally consist of different levels of details
and need to be satisfied by services from multiple domains, there is a huge
potential requirement space for SRE to explore to elicit complete requirements.
Considering that traditional dialogue system with static slots cannot be
directly applied to the SRE task, it is a challenge to design an efficient
dialogue strategy to guide users to express their complete and accurate
requirements in such a huge potential requirement space. Based on the
phenomenon that users tend to express requirements subjectively in a sequential
manner, we propose a Personalized Utterance Style (PUS) module to perceive the
personalized requirement expression habits, and then apply PUS to an dialogue
strategy to efficiently complete the SRE task. Specifically, the dialogue
strategy chooses suitable response actions for dynamically updating the
dialogue state. With the assistance of PUS extracted from dialogue history, the
system can shrink the search scope of potential requirement space. Experiment
results show that the dialogue strategy with PUS can elicit more accurate user
requirements with fewer dialogue rounds. | cs.CL | A Personalized Utterance Style (PUS) based Dialogue Strategy for Efficient Service Requirement Elicitation |
2023-01-07T03:56:49Z | http://arxiv.org/pdf/2301.02777v1 | http://arxiv.org/abs/2301.02777v1 | Yuetian Chen, Ruohua Li, Bowen Shi, Peiru Liu, Mei Si | 2023-01-07T03:56:49Z | cs.AI, cs.CL, cs.LG | Automated visual story generation aims to produce stories with corresponding
illustrations that exhibit coherence, progression, and adherence to characters'
emotional development. This work proposes a story generation pipeline to
co-create visual stories with the users. The pipeline allows the user to
control events and emotions on the generated content. The pipeline includes two
parts: narrative and image generation. For narrative generation, the system
generates the next sentence using user-specified keywords and emotion labels.
For image generation, diffusion models are used to create a visually appealing
image corresponding to each generated sentence. Further, object recognition is
applied to the generated images to allow objects in these images to be
mentioned in future story development. | cs.AI | Visual Story Generation Based on Emotion and Keywords |
2023-01-07T03:26:09Z | http://arxiv.org/pdf/2301.02773v1 | http://arxiv.org/abs/2301.02773v1 | Richard Kimera, Daniela N. Rim, Heeyoul Choi | 2023-01-07T03:26:09Z | cs.CL | Neural machine translation (NMT) has achieved great successes with large
datasets, so NMT is more premised on high-resource languages. This continuously
underpins the low resource languages such as Luganda due to the lack of
high-quality parallel corpora, so even 'Google translate' does not serve
Luganda at the time of this writing. In this paper, we build a parallel corpus
with 41,070 pairwise sentences for Luganda and English which is based on three
different open-sourced corpora. Then, we train NMT models with hyper-parameter
search on the dataset. Experiments gave us a BLEU score of 21.28 from Luganda
to English and 17.47 from English to Luganda. Some translation examples show
high quality of the translation. We believe that our model is the first
Luganda-English NMT model. The bilingual dataset we built will be available to
the public. | cs.CL | Building a Parallel Corpus and Training Translation Models Between Luganda and English |
2023-01-06T23:34:52Z | http://arxiv.org/pdf/2301.02748v4 | http://arxiv.org/abs/2301.02748v4 | Simon K. S. Chu, Kathy Y. Wei | 2023-11-20T19:45:49Z | q-bio.BM, cs.CE, cs.CL | Current protein language models (pLMs) predominantly focus on single-chain
protein sequences and often have not accounted for constraints on generative
design imposed by protein-protein interactions. To address this gap, we present
paired Antibody T5 (pAbT5), an encoder-decoder model to generate complementary
heavy or light chain from its pairing partner. We show that our model respects
conservation in framework regions and variability in hypervariable domains,
demonstrated by agreement with sequence alignment and variable-length CDR
loops. We also show that our model captures chain pairing preferences through
the recovery of ground-truth chain type and gene families. Our results showcase
the potential of pAbT5 in generative antibody design, incorporating biological
constraints from chain pairing preferences. | q-bio.BM | Generative Antibody Design for Complementary Chain Pairing Sequences through Encoder-Decoder Language Model |
2023-01-06T21:55:48Z | http://arxiv.org/pdf/2301.02724v1 | http://arxiv.org/abs/2301.02724v1 | Wanqiu Long, Bonnie Webber | 2023-01-06T21:55:48Z | cs.CL, cs.AI | Implicit discourse relation recognition is a challenging task that involves
identifying the sense or senses that hold between two adjacent spans of text,
in the absence of an explicit connective between them. In both PDTB-2 and
PDTB-3, discourse relational senses are organized into a three-level hierarchy
ranging from four broad top-level senses, to more specific senses below them.
Most previous work on implicit discourse relation recognition have used the
sense hierarchy simply to indicate what sense labels were available. Here we do
more -- incorporating the sense hierarchy into the recognition process itself
and using it to select the negative examples used in contrastive learning. With
no additional effort, the approach achieves state-of-the-art performance on the
task. | cs.CL | Facilitating Contrastive Learning of Discourse Relational Senses by Exploiting the Hierarchy of Sense Relations |
2023-01-06T19:25:46Z | http://arxiv.org/pdf/2301.02695v1 | http://arxiv.org/abs/2301.02695v1 | Joe Toplyn | 2023-01-06T19:25:46Z | cs.CL, cs.AI, I.2.7; J.5 | Previous papers presented Witscript and Witscript 2, AI systems for
improvising jokes in a conversation. Witscript generates jokes that rely on
wordplay, whereas the jokes generated by Witscript 2 rely on common sense. This
paper extends that earlier work by presenting Witscript 3, which generates joke
candidates using three joke production mechanisms and then selects the best
candidate to output. Like Witscript and Witscript 2, Witscript 3 is based on
humor algorithms created by an expert comedy writer. Human evaluators judged
Witscript 3's responses to input sentences to be jokes 44% of the time. This is
evidence that Witscript 3 represents another step toward giving a chatbot a
humanlike sense of humor. | cs.CL | Witscript 3: A Hybrid AI System for Improvising Jokes in a Conversation |
2023-01-06T16:37:48Z | http://arxiv.org/pdf/2301.02589v2 | http://arxiv.org/abs/2301.02589v2 | Simranjeet Kaur, Ritika Bhardwaj, Aastha Jain, Muskan Garg, Chandni Saxena | 2023-01-16T03:39:43Z | cs.CL | With recent developments in digitization of clinical psychology, NLP research
community has revolutionized the field of mental health detection on social
media. Existing research in mental health analysis revolves around the
cross-sectional studies to classify users' intent on social media. For in-depth
analysis, we investigate existing classifiers to solve the problem of causal
categorization which suggests the inefficiency of learning based methods due to
limited training samples. To handle this challenge, we use transformer models
and demonstrate the efficacy of a pre-trained transfer learning on "CAMS"
dataset. The experimental result improves the accuracy and depicts the
importance of identifying cause-and-effect relationships in the underlying
text. | cs.CL | Causal Categorization of Mental Health Posts using Transformers |
2023-01-06T15:03:27Z | http://arxiv.org/pdf/2301.02555v1 | http://arxiv.org/abs/2301.02555v1 | Yuchen Cui, Siddharth Karamcheti, Raj Palleti, Nidhya Shivakumar, Percy Liang, Dorsa Sadigh | 2023-01-06T15:03:27Z | cs.RO, cs.AI, cs.CL, cs.HC, cs.LG | Systems for language-guided human-robot interaction must satisfy two key
desiderata for broad adoption: adaptivity and learning efficiency.
Unfortunately, existing instruction-following agents cannot adapt, lacking the
ability to incorporate online natural language supervision, and even if they
could, require hundreds of demonstrations to learn even simple policies. In
this work, we address these problems by presenting Language-Informed Latent
Actions with Corrections (LILAC), a framework for incorporating and adapting to
natural language corrections - "to the right," or "no, towards the book" -
online, during execution. We explore rich manipulation domains within a shared
autonomy paradigm. Instead of discrete turn-taking between a human and robot,
LILAC splits agency between the human and robot: language is an input to a
learned model that produces a meaningful, low-dimensional control space that
the human can use to guide the robot. Each real-time correction refines the
human's control space, enabling precise, extended behaviors - with the added
benefit of requiring only a handful of demonstrations to learn. We evaluate our
approach via a user study where users work with a Franka Emika Panda
manipulator to complete complex manipulation tasks. Compared to existing
learned baselines covering both open-loop instruction following and single-turn
shared autonomy, we show that our corrections-aware approach obtains higher
task completion rates, and is subjectively preferred by users because of its
reliability, precision, and ease of use. | cs.RO | "No, to the Right" -- Online Language Corrections for Robotic Manipulation via Shared Autonomy |
2023-01-06T14:19:46Z | http://arxiv.org/pdf/2301.02521v1 | http://arxiv.org/abs/2301.02521v1 | Abdelrahman Kaseb, Mona Farouk | 2023-01-06T14:19:46Z | cs.CL, cs.AI | Sentiment analysis becomes an essential part of every social network, as it
enables decision-makers to know more about users' opinions in almost all life
aspects. Despite its importance, there are multiple issues it encounters like
the sentiment of the sarcastic text which is one of the main challenges of
sentiment analysis. This paper tackles this challenge by introducing a novel
system (SAIDS) that predicts the sentiment, sarcasm and dialect of Arabic
tweets. SAIDS uses its prediction of sarcasm and dialect as known information
to predict the sentiment. It uses MARBERT as a language model to generate
sentence embedding, then passes it to the sarcasm and dialect models, and then
the outputs of the three models are concatenated and passed to the sentiment
analysis model. Multiple system design setups were experimented with and
reported. SAIDS was applied to the ArSarcasm-v2 dataset where it outperforms
the state-of-the-art model for the sentiment analysis task. By training all
tasks together, SAIDS achieves results of 75.98 FPN, 59.09 F1-score and 71.13
F1-score for sentiment analysis, sarcasm detection, and dialect identification
respectively. The system design can be used to enhance the performance of any
task which is dependent on other tasks. | cs.CL | SAIDS: A Novel Approach for Sentiment Analysis Informed of Dialect and Sarcasm |
2023-01-06T11:07:55Z | http://arxiv.org/pdf/2301.02459v1 | http://arxiv.org/abs/2301.02459v1 | Kangxu Wang, Ze Chen, Jiewen Zheng | 2023-01-06T11:07:55Z | cs.CL | In this paper, we present an ensemble approach for the NL4Opt competition
subtask 1(NER task). For this task, we first fine tune the pretrained language
models based on the competition dataset. Then we adopt differential learning
rates and adversarial training strategies to enhance the model generalization
and robustness. Additionally, we use a model ensemble method for the final
prediction, which achieves a micro-averaged F1 score of 93.3% and attains the
second prize in the NER task. | cs.CL | OPD@NL4Opt: An ensemble approach for the NER task of the optimization problem |
2023-01-06T10:54:54Z | http://arxiv.org/pdf/2301.02458v1 | http://arxiv.org/abs/2301.02458v1 | Manuel V. Loureiro, Steven Derby, Tri Kurniawan Wijaya | 2023-01-06T10:54:54Z | cs.CL, cs.LG | Topic models aim to reveal the latent structure behind a corpus, typically
conducted over a bag-of-words representation of documents. In the context of
topic modeling, most vocabulary is either irrelevant for uncovering underlying
topics or contains strong relationships with relevant concepts, impacting the
interpretability of these topics. Furthermore, their limited expressiveness and
dependency on language demand considerable computation resources. Hence, we
propose a novel approach for cluster-based topic modeling that employs
conceptual entities. Entities are language-agnostic representations of
real-world concepts rich in relational information. To this end, we extract
vector representations of entities from (i) an encyclopedic corpus using a
language model; and (ii) a knowledge base using a graph neural network. We
demonstrate that our approach consistently outperforms other state-of-the-art
topic models across coherency metrics and find that the explicit knowledge
encoded in the graph-based embeddings provides more coherent topics than the
implicit knowledge encoded with the contextualized embeddings of language
models. | cs.CL | Topics as Entity Clusters: Entity-based Topics from Language Models and Graph Neural Networks |
2023-01-06T09:19:23Z | http://arxiv.org/pdf/2301.02427v1 | http://arxiv.org/abs/2301.02427v1 | Jun Gao, Changlong Yu, Wei Wang, Huan Zhao, Ruifeng Xu | 2023-01-06T09:19:23Z | cs.CL | We present Mask-then-Fill, a flexible and effective data augmentation
framework for event extraction. Our approach allows for more flexible
manipulation of text and thus can generate more diverse data while keeping the
original event structure unchanged as much as possible. Specifically, it first
randomly masks out an adjunct sentence fragment and then infills a
variable-length text span with a fine-tuned infilling model. The main advantage
lies in that it can replace a fragment of arbitrary length in the text with
another fragment of variable length, compared to the existing methods which can
only replace a single word or a fixed-length fragment. On trigger and argument
extraction tasks, the proposed framework is more effective than baseline
methods and it demonstrates particularly strong results in the low-resource
setting. Our further analysis shows that it achieves a good balance between
diversity and distributional similarity. | cs.CL | Mask-then-Fill: A Flexible and Effective Data Augmentation Framework for Event Extraction |
2023-01-06T06:47:21Z | http://arxiv.org/pdf/2301.02401v1 | http://arxiv.org/abs/2301.02401v1 | Jungwoo Lim, Myunghoon Kang, Yuna Hur, Seungwon Jung, Jinsung Kim, Yoonna Jang, Dongyub Lee, Hyesung Ji, Donghoon Shin, Seungryong Kim, Heuiseok Lim | 2023-01-06T06:47:21Z | cs.CL, cs.AI | To build a conversational agent that interacts fluently with humans, previous
studies blend knowledge or personal profile into the pre-trained language
model. However, the model that considers knowledge and persona at the same time
is still limited, leading to hallucination and a passive way of using personas.
We propose an effective dialogue agent that grounds external knowledge and
persona simultaneously. The agent selects the proper knowledge and persona to
use for generating the answers with our candidate scoring implemented with a
poly-encoder. Then, our model generates the utterance with lesser hallucination
and more engagingness utilizing retrieval augmented generation with
knowledge-persona enhanced query. We conduct experiments on the
persona-knowledge chat and achieve state-of-the-art performance in grounding
and generation tasks on the automatic metrics. Moreover, we validate the
answers from the models regarding hallucination and engagingness through human
evaluation and qualitative results. We show our retriever's effectiveness in
extracting relevant documents compared to the other previous retrievers, along
with the comparison of multiple candidate scoring methods. Code is available at
https://github.com/dlawjddn803/INFO | cs.CL | You Truly Understand What I Need: Intellectual and Friendly Dialogue Agents grounding Knowledge and Persona |
2023-01-05T23:17:17Z | http://arxiv.org/pdf/2301.03373v1 | http://arxiv.org/abs/2301.03373v1 | David Noever, Kevin Williams | 2023-01-05T23:17:17Z | cs.LG, cs.CL, cs.SE | The research applies AI-driven code assistants to analyze a selection of
influential computer code that has shaped modern technology, including email,
internet browsing, robotics, and malicious software. The original contribution
of this study was to examine half of the most significant code advances in the
last 50 years and, in some cases, to provide notable improvements in clarity or
performance. The AI-driven code assistant could provide insights into
obfuscated code or software lacking explanatory commentary in all cases
examined. We generated additional sample problems based on bug corrections and
code optimizations requiring much deeper reasoning than a traditional Google
search might provide. Future work focuses on adding automated documentation and
code commentary and translating select large code bases into more modern
versions with multiple new application programming interfaces (APIs) and
chained multi-tasks. The AI-driven code assistant offers a valuable tool for
software engineering, particularly in its ability to provide human-level
expertise and assist in refactoring legacy code or simplifying the explanation
or functionality of high-value repositories. | cs.LG | Chatbots As Fluent Polyglots: Revisiting Breakthrough Code Snippets |
2023-01-05T21:23:51Z | http://arxiv.org/pdf/2301.02299v1 | http://arxiv.org/abs/2301.02299v1 | Alexander Spangher, Xinyu Hua, Yao Ming, Nanyun Peng | 2023-01-05T21:23:51Z | cs.CL, cs.AI, cs.LG | While GPT-2 generates sentences that are remarkably human-like, longer
documents can ramble and do not follow human-like writing structure. We study
the problem of imposing structure on long-range text. We propose a novel
controlled text generation task, sequentially controlled text generation, and
identify a dataset, NewsDiscourse as a starting point for this task. We develop
a sequential controlled text generation pipeline with generation and editing.
We test different degrees of structural awareness and show that, in general,
more structural awareness results in higher control-accuracy, grammaticality,
coherency and topicality, approaching human-level writing performance. | cs.CL | Sequentially Controlled Text Generation |
2023-01-05T20:13:44Z | http://arxiv.org/pdf/2301.02284v1 | http://arxiv.org/abs/2301.02284v1 | Majid Ramezani, Mohammad-Salar Shahryari, Amir-Reza Feizi-Derakhshi, Mohammad-Reza Feizi-Derakhshi | 2023-01-05T20:13:44Z | cs.CL | The methods of automatic speech summarization are classified into two groups:
supervised and unsupervised methods. Supervised methods are based on a set of
features, while unsupervised methods perform summarization based on a set of
rules. Latent Semantic Analysis (LSA) and Maximal Marginal Relevance (MMR) are
considered the most important and well-known unsupervised methods in automatic
speech summarization. This study set out to investigate the performance of two
aforementioned unsupervised methods in transcriptions of Persian broadcast news
summarization. The results show that in generic summarization, LSA outperforms
MMR, and in query-based summarization, MMR outperforms LSA in broadcast news
summarization. | cs.CL | Unsupervised Broadcast News Summarization; a comparative study on Maximal Marginal Relevance (MMR) and Latent Semantic Analysis (LSA) |
2023-01-05T19:35:30Z | http://arxiv.org/pdf/2301.02275v2 | http://arxiv.org/abs/2301.02275v2 | Jialin Yu, Alexandra I. Cristea, Anoushka Harit, Zhongtian Sun, Olanrewaju Tahir Aduragba, Lei Shi, Noura Al Moubayed | 2023-09-08T21:03:14Z | cs.CL, cs.LG | This paper explores deep latent variable models for semi-supervised
paraphrase generation, where the missing target pair for unlabelled data is
modelled as a latent paraphrase sequence. We present a novel unsupervised model
named variational sequence auto-encoding reconstruction (VSAR), which performs
latent sequence inference given an observed text. To leverage information from
text pairs, we additionally introduce a novel supervised model we call dual
directional learning (DDL), which is designed to integrate with our proposed
VSAR model. Combining VSAR with DDL (DDL+VSAR) enables us to conduct
semi-supervised learning. Still, the combined model suffers from a cold-start
problem. To further combat this issue, we propose an improved weight
initialisation solution, leading to a novel two-stage training scheme we call
knowledge-reinforced-learning (KRL). Our empirical evaluations suggest that the
combined model yields competitive performance against the state-of-the-art
supervised baselines on complete data. Furthermore, in scenarios where only a
fraction of the labelled pairs are available, our combined model consistently
outperforms the strong supervised model baseline (DDL) by a significant margin
(p <.05; Wilcoxon test). Our code is publicly available at
"https://github.com/jialin-yu/latent-sequence-paraphrase". | cs.CL | Language as a Latent Sequence: deep latent variable models for semi-supervised paraphrase generation |
2023-01-05T18:59:57Z | http://arxiv.org/pdf/2301.02241v1 | http://arxiv.org/abs/2301.02241v1 | Hu Xu, Saining Xie, Po-Yao Huang, Licheng Yu, Russell Howes, Gargi Ghosh, Luke Zettlemoyer, Christoph Feichtenhofer | 2023-01-05T18:59:57Z | cs.CV, cs.CL | Large vision-language models are generally applicable to many downstream
tasks, but come at an exorbitant training cost that only large institutions can
afford. This paper trades generality for efficiency and presents Curation in
Training (CiT), a simple and efficient vision-text learning algorithm that
couples a data objective into training. CiT automatically yields quality data
to speed-up contrastive image-text training and alleviates the need for an
offline data filtering pipeline, allowing broad data sources (including raw
image-text pairs from the web). CiT contains two loops: an outer loop curating
the training data and an inner loop consuming the curated training data. The
text encoder connects the two loops. Given metadata for tasks of interest,
e.g., class names, and a large pool of image-text pairs, CiT alternatively
selects relevant training data from the pool by measuring the similarity of
their text embeddings and embeddings of the metadata. In our experiments, we
observe that CiT can speed up training by over an order of magnitude,
especially if the raw data size is large. | cs.CV | CiT: Curation in Training for Effective Vision-Language Data |
2023-01-05T18:55:09Z | http://arxiv.org/pdf/2301.02228v3 | http://arxiv.org/abs/2301.02228v3 | Chaoyi Wu, Xiaoman Zhang, Ya Zhang, Yanfeng Wang, Weidi Xie | 2023-04-03T09:57:51Z | eess.IV, cs.CL, cs.CV | In this paper, we consider enhancing medical visual-language pre-training
(VLP) with domain-specific knowledge, by exploiting the paired image-text
reports from the radiological daily practice. In particular, we make the
following contributions: First, unlike existing works that directly process the
raw reports, we adopt a novel triplet extraction module to extract the
medical-related information, avoiding unnecessary complexity from language
grammar and enhancing the supervision signals; Second, we propose a novel
triplet encoding module with entity translation by querying a knowledge base,
to exploit the rich domain knowledge in medical field, and implicitly build
relationships between medical entities in the language embedding space; Third,
we propose to use a Transformer-based fusion model for spatially aligning the
entity description with visual signals at the image patch level, enabling the
ability for medical diagnosis; Fourth, we conduct thorough experiments to
validate the effectiveness of our architecture, and benchmark on numerous
public benchmarks, e.g., ChestX-ray14, RSNA Pneumonia, SIIM-ACR Pneumothorax,
COVIDx CXR-2, COVID Rural, and EdemaSeverity. In both zero-shot and fine-tuning
settings, our model has demonstrated strong performance compared with the
former methods on disease classification and grounding. | eess.IV | MedKLIP: Medical Knowledge Enhanced Language-Image Pre-Training in Radiology |
2023-01-05T18:49:21Z | http://arxiv.org/pdf/2302.10291v1 | http://arxiv.org/abs/2302.10291v1 | Varshini Subhash | 2023-01-05T18:49:21Z | cs.CL, cs.LG | Pretrained large language models (LLMs) are becoming increasingly powerful
and ubiquitous in mainstream applications such as being a personal assistant, a
dialogue model, etc. As these models become proficient in deducing user
preferences and offering tailored assistance, there is an increasing concern
about the ability of these models to influence, modify and in the extreme case
manipulate user preference adversarially. The issue of lack of interpretability
in these models in adversarial settings remains largely unsolved. This work
tries to study adversarial behavior in user preferences from the lens of
attention probing, red teaming and white-box analysis. Specifically, it
provides a bird's eye view of existing literature, offers red teaming samples
for dialogue models like ChatGPT and GODEL and probes the attention mechanism
in the latter for non-adversarial and adversarial settings. | cs.CL | Can Large Language Models Change User Preference Adversarially? |
2023-01-05T17:56:00Z | http://arxiv.org/pdf/2301.02195v1 | http://arxiv.org/abs/2301.02195v1 | Garett Cunningham, Razvan C. Bunescu, David Juedes | 2023-01-05T17:56:00Z | cs.CL, cs.AI, cs.LO | The ever-growing complexity of mathematical proofs makes their manual
verification by mathematicians very cognitively demanding. Autoformalization
seeks to address this by translating proofs written in natural language into a
formal representation that is computer-verifiable via interactive theorem
provers. In this paper, we introduce a semantic parsing approach, based on the
Universal Transformer architecture, that translates elementary mathematical
proofs into an equivalent formalization in the language of the Coq interactive
theorem prover. The same architecture is also trained to translate simple
imperative code decorated with Hoare triples into formally verifiable proofs of
correctness in Coq. Experiments on a limited domain of artificial and
human-written proofs show that the models generalize well to intermediate
lengths not seen during training and variations in natural language. | cs.CL | Towards Autoformalization of Mathematics and Code Correctness: Experiments with Elementary Proofs |
2023-01-05T15:55:18Z | http://arxiv.org/pdf/2301.02120v1 | http://arxiv.org/abs/2301.02120v1 | Ria Vinod, Pin-Yu Chen, Payel Das | 2023-01-05T15:55:18Z | cs.LG, cs.CL, q-bio.BM | Machine Learning-guided solutions for protein learning tasks have made
significant headway in recent years. However, success in scientific discovery
tasks is limited by the accessibility of well-defined and labeled in-domain
data. To tackle the low-data constraint, recent adaptions of deep learning
models pretrained on millions of protein sequences have shown promise; however,
the construction of such domain-specific large-scale model is computationally
expensive. Here, we propose Representation Learning via Dictionary Learning
(R2DL), an end-to-end representation learning framework in which we reprogram
deep models for alternate-domain tasks that can perform well on protein
property prediction with significantly fewer training samples. R2DL reprograms
a pretrained English language model to learn the embeddings of protein
sequences, by learning a sparse linear mapping between English and protein
sequence vocabulary embeddings. Our model can attain better accuracy and
significantly improve the data efficiency by up to $10^5$ times over the
baselines set by pretrained and standard supervised methods. To this end, we
reprogram an off-the-shelf pre-trained English language transformer and
benchmark it on a set of protein physicochemical prediction tasks (secondary
structure, stability, homology, stability) as well as on a biomedically
relevant set of protein function prediction tasks (antimicrobial, toxicity,
antibody affinity). | cs.LG | Reprogramming Pretrained Language Models for Protein Sequence Representation Learning |
2023-01-05T15:42:17Z | http://arxiv.org/pdf/2301.02113v1 | http://arxiv.org/abs/2301.02113v1 | Tatiana Anikina, Natalia Skachkova, Joseph Renner, Priyansh Trivedi | 2023-01-05T15:42:17Z | cs.CL, cs.LG | We describe three models submitted for the CODI-CRAC 2022 shared task. To
perform identity anaphora resolution, we test several combinations of the
incremental clustering approach based on the Workspace Coreference System (WCS)
with other coreference models. The best result is achieved by adding the
''cluster merging'' version of the coref-hoi model, which brings up to 10.33%
improvement 1 over vanilla WCS clustering. Discourse deixis resolution is
implemented as multi-task learning: we combine the learning objective of
corefhoi with anaphor type classification. We adapt the higher-order resolution
model introduced in Joshi et al. (2019) for bridging resolution given gold
mentions and anaphors. | cs.CL | Anaphora Resolution in Dialogue: System Description (CODI-CRAC 2022 Shared Task) |
2023-01-05T15:37:15Z | http://arxiv.org/pdf/2301.02111v1 | http://arxiv.org/abs/2301.02111v1 | Chengyi Wang, Sanyuan Chen, Yu Wu, Ziqiang Zhang, Long Zhou, Shujie Liu, Zhuo Chen, Yanqing Liu, Huaming Wang, Jinyu Li, Lei He, Sheng Zhao, Furu Wei | 2023-01-05T15:37:15Z | cs.CL, cs.SD, eess.AS | We introduce a language modeling approach for text to speech synthesis (TTS).
Specifically, we train a neural codec language model (called Vall-E) using
discrete codes derived from an off-the-shelf neural audio codec model, and
regard TTS as a conditional language modeling task rather than continuous
signal regression as in previous work. During the pre-training stage, we scale
up the TTS training data to 60K hours of English speech which is hundreds of
times larger than existing systems. Vall-E emerges in-context learning
capabilities and can be used to synthesize high-quality personalized speech
with only a 3-second enrolled recording of an unseen speaker as an acoustic
prompt. Experiment results show that Vall-E significantly outperforms the
state-of-the-art zero-shot TTS system in terms of speech naturalness and
speaker similarity. In addition, we find Vall-E could preserve the speaker's
emotion and acoustic environment of the acoustic prompt in synthesis. See
https://aka.ms/valle for demos of our work. | cs.CL | Neural Codec Language Models are Zero-Shot Text to Speech Synthesizers |
2023-01-05T14:03:26Z | http://arxiv.org/pdf/2301.02071v1 | http://arxiv.org/abs/2301.02071v1 | Miao Chen, Xinjiang Lu, Tong Xu, Yanyan Li, Jingbo Zhou, Dejing Dou, Hui Xiong | 2023-01-05T14:03:26Z | cs.CL, cs.AI | Although remarkable progress on the neural table-to-text methods has been
made, the generalization issues hinder the applicability of these models due to
the limited source tables. Large-scale pretrained language models sound like a
promising solution to tackle such issues. However, how to effectively bridge
the gap between the structured table and the text input by fully leveraging
table information to fuel the pretrained model is still not well explored.
Besides, another challenge of integrating the deliberation mechanism into the
text-to-text pretrained model for solving the table-to-text task remains seldom
studied. In this paper, to implement the table-to-text generation with
pretrained language model, we propose a table structure understanding and text
deliberating approach, namely TASD. Specifically, we devise a three-layered
multi-head attention network to realize the table-structure-aware text
generation model with the help of the pretrained language model. Furthermore, a
multi-pass decoder framework is adopted to enhance the capability of polishing
generated text for table descriptions. The empirical studies, as well as human
evaluation, on two public datasets, validate that our approach can generate
faithful and fluent descriptive texts for different types of tables. | cs.CL | Towards Table-to-Text Generation with Pretrained Language Model: A Table Structure Understanding and Text Deliberating Approach |
2023-01-05T13:19:17Z | http://arxiv.org/pdf/2301.02057v3 | http://arxiv.org/abs/2301.02057v3 | Lasse Hansen, Ludvig Renbo Olsen, Kenneth Enevoldsen | 2023-03-28T14:57:59Z | cs.CL | TextDescriptives is a Python package for calculating a large variety of
metrics from text. It is built on top of spaCy and can be easily integrated
into existing workflows. The package has already been used for analysing the
linguistic stability of clinical texts, creating features for predicting
neuropsychiatric conditions, and analysing linguistic goals of primary school
students. This paper describes the package and its features. | cs.CL | TextDescriptives: A Python package for calculating a large variety of metrics from text |
2023-01-05T11:21:15Z | http://arxiv.org/pdf/2301.02010v1 | http://arxiv.org/abs/2301.02010v1 | Bo Zheng, Zhouyang Li, Fuxuan Wei, Qiguang Chen, Libo Qin, Wanxiang Che | 2023-01-05T11:21:15Z | cs.CL | Multilingual spoken language understanding (SLU) consists of two sub-tasks,
namely intent detection and slot filling. To improve the performance of these
two sub-tasks, we propose to use consistency regularization based on a hybrid
data augmentation strategy. The consistency regularization enforces the
predicted distributions for an example and its semantically equivalent
augmentation to be consistent. We conduct experiments on the MASSIVE dataset
under both full-dataset and zero-shot settings. Experimental results
demonstrate that our proposed method improves the performance on both intent
detection and slot filling tasks. Our system\footnote{The code will be
available at \url{https://github.com/bozheng-hit/MMNLU-22-HIT-SCIR}.} ranked
1st in the MMNLU-22 competition under the full-dataset setting. | cs.CL | HIT-SCIR at MMNLU-22: Consistency Regularization for Multilingual Spoken Language Understanding |
2023-01-05T09:33:41Z | http://arxiv.org/pdf/2301.01982v2 | http://arxiv.org/abs/2301.01982v2 | Huu-Hiep Nguyen, Minh-Tien Nguyen | 2023-01-06T01:48:34Z | cs.CL | The task of Emotion-Cause Pair Extraction (ECPE) aims to extract all
potential emotion-cause pairs of a document without any annotation of emotion
or cause clauses. Previous approaches on ECPE have tried to improve
conventional two-step processing schemes by using complex architectures for
modeling emotion-cause interaction. In this paper, we cast the ECPE task to the
question answering (QA) problem and propose simple yet effective BERT-based
solutions to tackle it. Given a document, our Guided-QA model first predicts
the best emotion clause using a fixed question. Then the predicted emotion is
used as a question to predict the most potential cause for the emotion. We
evaluate our model on a standard ECPE corpus. The experimental results show
that despite its simplicity, our Guided-QA achieves promising results and is
easy to reproduce. The code of Guided-QA is also provided. | cs.CL | Emotion-Cause Pair Extraction as Question Answering |
2023-01-05T09:08:04Z | http://arxiv.org/pdf/2301.01967v1 | http://arxiv.org/abs/2301.01967v1 | A. Seza Doğruöz, Sunayana Sitaram, Barbara E. Bullock, Almeida Jacqueline Toribio | 2023-01-05T09:08:04Z | cs.CL | The analysis of data in which multiple languages are represented has gained
popularity among computational linguists in recent years. So far, much of this
research focuses mainly on the improvement of computational methods and largely
ignores linguistic and social aspects of C-S discussed across a wide range of
languages within the long-established literature in linguistics. To fill this
gap, we offer a survey of code-switching (C-S) covering the literature in
linguistics with a reflection on the key issues in language technologies. From
the linguistic perspective, we provide an overview of structural and functional
patterns of C-S focusing on the literature from European and Indian contexts as
highly multilingual areas. From the language technologies perspective, we
discuss how massive language models fail to represent diverse C-S types due to
lack of appropriate training data, lack of robust evaluation benchmarks for C-S
(across multilingual situations and types of C-S) and lack of end-to-end
systems that cover sociolinguistic aspects of C-S as well. Our survey will be a
step towards an outcome of mutual benefit for computational scientists and
linguists with a shared interest in multilingualism and C-S. | cs.CL | A Survey of Code-switching: Linguistic and Social Perspectives for Language Technologies |
2023-01-05T08:03:47Z | http://arxiv.org/pdf/2301.01949v1 | http://arxiv.org/abs/2301.01949v1 | Yuxing Long, Binyuan Hui, Fulong Ye, Yanyang Li, Zhuoxin Han, Caixia Yuan, Yongbin Li, Xiaojie Wang | 2023-01-05T08:03:47Z | cs.CL, cs.AI, cs.CV, cs.LG, cs.MM | Existing multimodal conversation agents have shown impressive abilities to
locate absolute positions or retrieve attributes in simple scenarios, but they
fail to perform well when complex relative positions and information alignments
are involved, which poses a bottleneck in response quality. In this paper, we
propose a Situated Conversation Agent Petrained with Multimodal Questions from
INcremental Layout Graph (SPRING) with abilities of reasoning multi-hops
spatial relations and connecting them with visual attributes in crowded
situated scenarios. Specifically, we design two types of Multimodal Question
Answering (MQA) tasks to pretrain the agent. All QA pairs utilized during
pretraining are generated from novel Incremental Layout Graphs (ILG). QA pair
difficulty labels automatically annotated by ILG are used to promote MQA-based
Curriculum Learning. Experimental results verify the SPRING's effectiveness,
showing that it significantly outperforms state-of-the-art approaches on both
SIMMC 1.0 and SIMMC 2.0 datasets. | cs.CL | SPRING: Situated Conversation Agent Pretrained with Multimodal Questions from Incremental Layout Graph |
2023-01-05T07:13:13Z | http://arxiv.org/pdf/2301.01768v1 | http://arxiv.org/abs/2301.01768v1 | Jochen Hartmann, Jasper Schwenzow, Maximilian Witte | 2023-01-05T07:13:13Z | cs.CL, cs.CY | Conversational artificial intelligence (AI) disrupts how humans interact with
technology. Recently, OpenAI introduced ChatGPT, a state-of-the-art dialogue
model that can converse with its human counterparts with unprecedented
capabilities. ChatGPT has witnessed tremendous attention from the media,
academia, industry, and the general public, attracting more than a million
users within days of its release. However, its explosive adoption for
information search and as an automated decision aid underscores the importance
to understand its limitations and biases. This paper focuses on one of
democratic society's most important decision-making processes: political
elections. Prompting ChatGPT with 630 political statements from two leading
voting advice applications and the nation-agnostic political compass test in
three pre-registered experiments, we uncover ChatGPT's pro-environmental,
left-libertarian ideology. For example, ChatGPT would impose taxes on flights,
restrict rent increases, and legalize abortion. In the 2021 elections, it would
have voted most likely for the Greens both in Germany (B\"undnis 90/Die
Gr\"unen) and in the Netherlands (GroenLinks). Our findings are robust when
negating the prompts, reversing the order of the statements, varying prompt
formality, and across languages (English, German, Dutch, and Spanish). We
conclude by discussing the implications of politically biased conversational AI
on society. | cs.CL | The political ideology of conversational AI: Converging evidence on ChatGPT's pro-environmental, left-libertarian orientation |
2023-01-05T06:57:42Z | http://arxiv.org/pdf/2301.01935v1 | http://arxiv.org/abs/2301.01935v1 | Jeonghwan Lee, Jiyeong Han, Sunghoon Baek, Min Song | 2023-01-05T06:57:42Z | cs.CL, cs.AI | Topic segmentation is important in understanding scientific documents since
it can not only provide better readability but also facilitate downstream tasks
such as information retrieval and question answering by creating appropriate
sections or paragraphs. In the topic segmentation task, topic coherence is
critical in predicting segmentation boundaries. Most of the existing models
have tried to exploit as many contexts as possible to extract useful
topic-related information. However, additional context does not always bring
promising results, because the local context between sentences becomes
incoherent despite more sentences being supplemented. To alleviate this issue,
we propose siamese sentence embedding layers which process two input sentences
independently to get appropriate amount of information without being hampered
by excessive information. Also, we adopt multi-task learning techniques
including Same Topic Prediction (STP), Topic Classification (TC) and Next
Sentence Prediction (NSP). When these three classification layers are combined
in a multi-task manner, they can make up for each other's limitations,
improving performance in all three tasks. We experiment different combinations
of the three layers and report how each layer affects other layers in the same
combination as well as the overall segmentation performance. The model we
proposed achieves the state-of-the-art result in the WikiSection dataset. | cs.CL | Topic Segmentation Model Focusing on Local Context |
2023-01-05T03:43:45Z | http://arxiv.org/pdf/2301.01893v1 | http://arxiv.org/abs/2301.01893v1 | Da Yin, Feng Gao, Govind Thattai, Michael Johnston, Kai-Wei Chang | 2023-01-05T03:43:45Z | cs.CV, cs.AI, cs.CL | A key goal for the advancement of AI is to develop technologies that serve
the needs not just of one group but of all communities regardless of their
geographical region. In fact, a significant proportion of knowledge is locally
shared by people from certain regions but may not apply equally in other
regions because of cultural differences. If a model is unaware of regional
characteristics, it may lead to performance disparity across regions and result
in bias against underrepresented groups. We propose GIVL, a Geographically
Inclusive Vision-and-Language Pre-trained model. There are two attributes of
geo-diverse visual concepts which can help to learn geo-diverse knowledge: 1)
concepts under similar categories have unique knowledge and visual
characteristics, 2) concepts with similar visual features may fall in
completely different categories. Motivated by the attributes, we design new
pre-training objectives Image Knowledge Matching (IKM) and Image Edit Checking
(IEC) to pre-train GIVL. Compared with similar-size models pre-trained with
similar scale of data, GIVL achieves state-of-the-art (SOTA) and more balanced
performance on geo-diverse V&L tasks. | cs.CV | GIVL: Improving Geographical Inclusivity of Vision-Language Models with Pre-Training Methods |
2023-01-05T02:12:47Z | http://arxiv.org/pdf/2301.01874v1 | http://arxiv.org/abs/2301.01874v1 | Lorena Piedras, Lucas Rosenblatt, Julia Wilkins | 2023-01-05T02:12:47Z | cs.CL, cs.CY, cs.LG, I.2.7 | Detecting "toxic" language in internet content is a pressing social and
technical challenge. In this work, we focus on PERSPECTIVE from Jigsaw, a
state-of-the-art tool that promises to score the "toxicity" of text, with a
recent model update that claims impressive results (Lees et al., 2022). We seek
to challenge certain normative claims about toxic language by proposing a new
benchmark, Selected Adversarial SemanticS, or SASS. We evaluate PERSPECTIVE on
SASS, and compare to low-effort alternatives, like zero-shot and few-shot GPT-3
prompt models, in binary classification settings. We find that PERSPECTIVE
exhibits troubling shortcomings across a number of our toxicity categories.
SASS provides a new tool for evaluating performance on previously undetected
toxic language that avoids common normative pitfalls. Our work leads us to
emphasize the importance of questioning assumptions made by tools already in
deployment for toxicity detection in order to anticipate and prevent disparate
harms. | cs.CL | Critical Perspectives: A Benchmark Revealing Pitfalls in PerspectiveAPI |
2023-01-04T21:00:18Z | http://arxiv.org/pdf/2301.01821v1 | http://arxiv.org/abs/2301.01821v1 | Jiaao Chen, Aston Zhang, Xingjian Shi, Mu Li, Alex Smola, Diyi Yang | 2023-01-04T21:00:18Z | cs.CL, cs.AI | Parameter-efficient fine-tuning aims to achieve performance comparable to
fine-tuning, using fewer trainable parameters. Several strategies (e.g.,
Adapters, prefix tuning, BitFit, and LoRA) have been proposed. However, their
designs are hand-crafted separately, and it remains unclear whether certain
design patterns exist for parameter-efficient fine-tuning. Thus, we present a
parameter-efficient fine-tuning design paradigm and discover design patterns
that are applicable to different experimental settings. Instead of focusing on
designing another individual tuning strategy, we introduce parameter-efficient
fine-tuning design spaces that parameterize tuning structures and tuning
strategies. Specifically, any design space is characterized by four components:
layer grouping, trainable parameter allocation, tunable groups, and strategy
assignment. Starting from an initial design space, we progressively refine the
space based on the model quality of each design choice and make greedy
selection at each stage over these four components. We discover the following
design patterns: (i) group layers in a spindle pattern; (ii) allocate the
number of trainable parameters to layers uniformly; (iii) tune all the groups;
(iv) assign proper tuning strategies to different groups. These design patterns
result in new parameter-efficient fine-tuning methods. We show experimentally
that these methods consistently and significantly outperform investigated
parameter-efficient fine-tuning strategies across different backbone models and
different tasks in natural language processing. | cs.CL | Parameter-Efficient Fine-Tuning Design Spaces |
2023-01-04T20:11:00Z | http://arxiv.org/pdf/2301.01808v1 | http://arxiv.org/abs/2301.01808v1 | Adar Kahana, Oren Elisha | 2023-01-04T20:11:00Z | cs.LG, cs.CL | In this paper we propose a new Deep Learning (DL) approach for message
classification. Our method is based on the state-of-the-art Natural Language
Processing (NLP) building blocks, combined with a novel technique for infusing
the meta-data input that is typically available in messages such as the sender
information, timestamps, attached image, audio, affiliations, and more. As we
demonstrate throughout the paper, going beyond the mere text by leveraging all
available channels in the message, could yield an improved representation and
higher classification accuracy. To achieve message representation, each type of
input is processed in a dedicated block in the neural network architecture that
is suitable for the data type. Such an implementation enables training all
blocks together simultaneously, and forming cross channels features in the
network. We show in the Experiments Section that in some cases, message's
meta-data holds an additional information that cannot be extracted just from
the text, and when using this information we achieve better performance.
Furthermore, we demonstrate that our multi-modality block approach outperforms
other approaches for injecting the meta data to the the text classifier. | cs.LG | MessageNet: Message Classification using Natural Language Processing and Meta-data |
2023-01-04T19:20:18Z | http://arxiv.org/pdf/2301.03403v4 | http://arxiv.org/abs/2301.03403v4 | Daniel O. Cajueiro, Arthur G. Nery, Igor Tavares, Maísa K. De Melo, Silvia A. dos Reis, Li Weigang, Victor R. R. Celestino | 2023-10-04T00:46:08Z | cs.CL, cs.LG | We provide a literature review about Automatic Text Summarization (ATS)
systems. We consider a citation-based approach. We start with some popular and
well-known papers that we have in hand about each topic we want to cover and we
have tracked the "backward citations" (papers that are cited by the set of
papers we knew beforehand) and the "forward citations" (newer papers that cite
the set of papers we knew beforehand). In order to organize the different
methods, we present the diverse approaches to ATS guided by the mechanisms they
use to generate a summary. Besides presenting the methods, we also present an
extensive review of the datasets available for summarization tasks and the
methods used to evaluate the quality of the summaries. Finally, we present an
empirical exploration of these methods using the CNN Corpus dataset that
provides golden summaries for extractive and abstractive methods. | cs.CL | A comprehensive review of automatic text summarization techniques: method, data, evaluation and coding |
2023-01-04T18:59:20Z | http://arxiv.org/pdf/2301.01764v2 | http://arxiv.org/abs/2301.01764v2 | Dennis Aumiller, Michael Gertz | 2023-01-05T15:22:05Z | cs.CL | Previous state-of-the-art models for lexical simplification consist of
complex pipelines with several components, each of which requires deep
technical knowledge and fine-tuned interaction to achieve its full potential.
As an alternative, we describe a frustratingly simple pipeline based on
prompted GPT-3 responses, beating competing approaches by a wide margin in
settings with few training instances. Our best-performing submission to the
English language track of the TSAR-2022 shared task consists of an ``ensemble''
of six different prompt templates with varying context levels. As a
late-breaking result, we further detail a language transfer technique that
allows simplification in languages other than English. Applied to the Spanish
and Portuguese subset, we achieve state-of-the-art results with only minor
modification to the original prompts. Aside from detailing the implementation
and setup, we spend the remainder of this work discussing the particularities
of prompting and implications for future work. Code for the experiments is
available online at https://github.com/dennlinger/TSAR-2022-Shared-Task | cs.CL | UniHD at TSAR-2022 Shared Task: Is Compute All We Need for Lexical Simplification? |
2023-01-04T18:34:25Z | http://arxiv.org/pdf/2301.01751v2 | http://arxiv.org/abs/2301.01751v2 | Justin Reppert, Ben Rachbach, Charlie George, Luke Stebbing, Jungwon Byun, Maggie Appleton, Andreas Stuhlmüller | 2023-01-05T01:35:43Z | cs.CL, cs.AI, cs.HC | Language models (LMs) can perform complex reasoning either end-to-end, with
hidden latent state, or compositionally, with transparent intermediate state.
Composition offers benefits for interpretability and safety, but may need
workflow support and infrastructure to remain competitive. We describe iterated
decomposition, a human-in-the-loop workflow for developing and refining
compositional LM programs. We improve the performance of compositions by
zooming in on failing components and refining them through decomposition,
additional context, chain of thought, etc. To support this workflow, we develop
ICE, an open-source tool for visualizing the execution traces of LM programs.
We apply iterated decomposition to three real-world tasks and improve the
accuracy of LM programs over less compositional baselines: describing the
placebo used in a randomized controlled trial (25% to 65%), evaluating
participant adherence to a medical intervention (53% to 70%), and answering NLP
questions on the Qasper dataset (38% to 69%). These applications serve as case
studies for a workflow that, if automated, could keep ML systems interpretable
and safe even as they scale to increasingly complex tasks. | cs.CL | Iterated Decomposition: Improving Science Q&A by Supervising Reasoning Processes |
2023-01-04T15:33:49Z | http://arxiv.org/pdf/2301.01664v2 | http://arxiv.org/abs/2301.01664v2 | Zhixiang Su, Di Wang, Chunyan Miao, Lizhen Cui | 2023-05-01T09:52:04Z | cs.CL, cs.LG | Recent studies on knowledge graphs (KGs) show that path-based methods
empowered by pre-trained language models perform well in the provision of
inductive and explainable relation predictions. In this paper, we introduce the
concepts of relation path coverage and relation path confidence to filter out
unreliable paths prior to model training to elevate the model performance.
Moreover, we propose Knowledge Reasoning Sentence Transformer (KRST) to predict
inductive relations in KGs. KRST is designed to encode the extracted reliable
paths in KGs, allowing us to properly cluster paths and provide multi-aspect
explanations. We conduct extensive experiments on three real-world datasets.
The experimental results show that compared to SOTA models, KRST achieves the
best performance in most transductive and inductive test cases (4 of 6), and in
11 of 12 few-shot test cases. | cs.CL | Multi-Aspect Explainable Inductive Relation Prediction by Sentence Transformer |
2023-01-04T13:49:14Z | http://arxiv.org/pdf/2301.01621v3 | http://arxiv.org/abs/2301.01621v3 | Xiaoying Mou, Haiming Chen | 2023-02-02T05:22:04Z | cs.CL | Extended regular expressions with counting and interleaving are widely used
in practice. However the related theoretical studies for this kind of
expressions currently cannot meet the need of practical work. This paper
develops syntax definitions for extended deterministic expressions and their
subclasses, hope to completely solve the long-standing problem that there are
no syntax definitions for this kind of expressions, which has become an
important reason for restricting the use of extended expressions. | cs.CL | Grammar construction methods for extended deterministic expressions |
2023-01-04T13:15:08Z | http://arxiv.org/pdf/2302.05289v1 | http://arxiv.org/abs/2302.05289v1 | Abderrazek Azri, Cécile Favre, Nouria Harbi, Jérôme Darmont, Camille Noûs | 2023-01-04T13:15:08Z | cs.CV, cs.AI, cs.CL, cs.SI | The proliferation of rumors on social media has become a major concern due to
its ability to create a devastating impact. Manually assessing the veracity of
social media messages is a very time-consuming task that can be much helped by
machine learning. Most message veracity verification methods only exploit
textual contents and metadata. Very few take both textual and visual contents,
and more particularly images, into account. Moreover, prior works have used
many classical machine learning models to detect rumors. However, although
recent studies have proven the effectiveness of ensemble machine learning
approaches, such models have seldom been applied. Thus, in this paper, we
propose a set of advanced image features that are inspired from the field of
image quality assessment, and introduce the Multimodal fusiON framework to
assess message veracIty in social neTwORks (MONITOR), which exploits all
message features by exploring various machine learning models. Moreover, we
demonstrate the effectiveness of ensemble learning algorithms for rumor
detection by using five metalearning models. Eventually, we conduct extensive
experiments on two real-world datasets. Results show that MONITOR outperforms
state-of-the-art machine learning baselines and that ensemble models
significantly increase MONITOR's performance. | cs.CV | Rumor Classification through a Multimodal Fusion Framework and Ensemble Learning |
2023-01-04T12:53:56Z | http://arxiv.org/pdf/2301.01579v1 | http://arxiv.org/abs/2301.01579v1 | Xiaolei Lu | 2023-01-04T12:53:56Z | cs.CL, cs.AI, cs.HC, cs.LG | Most crowdsourcing learning methods treat disagreement between annotators as
noisy labelings while inter-disagreement among experts is often a good
indicator for the ambiguity and uncertainty that is inherent in natural
language. In this paper, we propose a framework called Learning Ambiguity from
Crowd Sequential Annotations (LA-SCA) to explore the inter-disagreement between
reliable annotators and effectively preserve confusing label information.
First, a hierarchical Bayesian model is developed to infer ground-truth from
crowds and group the annotators with similar reliability together. By modeling
the relationship between the size of group the annotator involved in, the
annotator's reliability and element's unambiguity in each sequence,
inter-disagreement between reliable annotators on ambiguous elements is
computed to obtain label confusing information that is incorporated to
cost-sensitive sequence labeling. Experimental results on POS tagging and NER
tasks show that our proposed framework achieves competitive performance in
inferring ground-truth from crowds and predicting unknown sequences, and
interpreting hierarchical clustering results helps discover labeling patterns
of annotators with similar reliability. | cs.CL | Learning Ambiguity from Crowd Sequential Annotations |
2023-01-04T05:36:56Z | http://arxiv.org/pdf/2301.01456v1 | http://arxiv.org/abs/2301.01456v1 | Maxime Burchi, Radu Timofte | 2023-01-04T05:36:56Z | cs.CV, cs.CL, cs.SD, eess.AS | End-to-end Automatic Speech Recognition (ASR) systems based on neural
networks have seen large improvements in recent years. The availability of
large scale hand-labeled datasets and sufficient computing resources made it
possible to train powerful deep neural networks, reaching very low Word Error
Rate (WER) on academic benchmarks. However, despite impressive performance on
clean audio samples, a drop of performance is often observed on noisy speech.
In this work, we propose to improve the noise robustness of the recently
proposed Efficient Conformer Connectionist Temporal Classification (CTC)-based
architecture by processing both audio and visual modalities. We improve
previous lip reading methods using an Efficient Conformer back-end on top of a
ResNet-18 visual front-end and by adding intermediate CTC losses between
blocks. We condition intermediate block features on early predictions using
Inter CTC residual modules to relax the conditional independence assumption of
CTC-based models. We also replace the Efficient Conformer grouped attention by
a more efficient and simpler attention mechanism that we call patch attention.
We experiment with publicly available Lip Reading Sentences 2 (LRS2) and Lip
Reading Sentences 3 (LRS3) datasets. Our experiments show that using audio and
visual modalities allows to better recognize speech in the presence of
environmental noise and significantly accelerate training, reaching lower WER
with 4 times less training steps. Our Audio-Visual Efficient Conformer (AVEC)
model achieves state-of-the-art performance, reaching WER of 2.3% and 1.8% on
LRS2 and LRS3 test sets. Code and pretrained models are available at
https://github.com/burchim/AVEC. | cs.CV | Audio-Visual Efficient Conformer for Robust Speech Recognition |
2023-01-03T22:17:08Z | http://arxiv.org/pdf/2301.01378v1 | http://arxiv.org/abs/2301.01378v1 | Sukru Selim Calik, Ayhan Kucukmanisa, Zeynep Hilal Kilimci | 2023-01-03T22:17:08Z | cs.SD, cs.CL, cs.LG, eess.AS | Determination of mispronunciations and ensuring feedback to users are
maintained by computer-assisted language learning (CALL) systems. In this work,
we introduce an ensemble model that defines the mispronunciation of Arabic
phonemes and assists learning of Arabic, effectively. To the best of our
knowledge, this is the very first attempt to determine the mispronunciations of
Arabic phonemes employing ensemble learning techniques and conventional machine
learning models, comprehensively. In order to observe the effect of feature
extraction techniques, mel-frequency cepstrum coefficients (MFCC), and Mel
spectrogram are blended with each learning algorithm. To show the success of
proposed model, 29 letters in the Arabic phonemes, 8 of which are hafiz, are
voiced by a total of 11 different person. The amount of data set has been
enhanced employing the methods of adding noise, time shifting, time stretching,
pitch shifting. Extensive experiment results demonstrate that the utilization
of voting classifier as an ensemble algorithm with Mel spectrogram feature
extraction technique exhibits remarkable classification result with 95.9% of
accuracy. | cs.SD | An ensemble-based framework for mispronunciation detection of Arabic phonemes |
2023-01-03T18:23:42Z | http://arxiv.org/pdf/2301.01269v1 | http://arxiv.org/abs/2301.01269v1 | Matúš Pikuliak, Marián Šimko | 2023-01-03T18:23:42Z | cs.CL | This position paper discusses the problem of multilingual evaluation. Using
simple statistics, such as average language performance, might inject
linguistic biases in favor of dominant language families into evaluation
methodology. We argue that a qualitative analysis informed by comparative
linguistics is needed for multilingual results to detect this kind of bias. We
show in our case study that results in published works can indeed be
linguistically biased and we demonstrate that visualization based on URIEL
typological database can detect it. | cs.CL | Average Is Not Enough: Caveats of Multilingual Evaluation |
2023-01-03T16:25:52Z | http://arxiv.org/pdf/2301.01181v7 | http://arxiv.org/abs/2301.01181v7 | John J. Nay | 2023-01-28T20:49:33Z | cs.CL, cs.CY | We demonstrate a proof-of-concept of a large language model conducting
corporate lobbying related activities. An autoregressive large language model
(OpenAI's text-davinci-003) determines if proposed U.S. Congressional bills are
relevant to specific public companies and provides explanations and confidence
levels. For the bills the model deems as relevant, the model drafts a letter to
the sponsor of the bill in an attempt to persuade the congressperson to make
changes to the proposed legislation. We use hundreds of novel ground-truth
labels of the relevance of a bill to a company to benchmark the performance of
the model. It outperforms the baseline of predicting the most common outcome of
irrelevance. We also benchmark the performance of the previous OpenAI GPT-3
model (text-davinci-002), which was the state-of-the-art model on many academic
natural language tasks until text-davinci-003 was recently released. The
performance of text-davinci-002 is worse than the simple baseline. Longer-term,
if AI begins to influence law in a manner that is not a direct extension of
human intentions, this threatens the critical role that law as information
could play in aligning AI with humans. Initially, AI is being used to simply
augment human lobbyists for a small portion of their daily tasks. However,
firms have an incentive to use less and less human oversight over automated
assessments of policy ideas and the written communication to regulatory
agencies and Congressional staffers. The core question raised is where to draw
the line between human-driven and AI-driven policy influence. | cs.CL | Large Language Models as Corporate Lobbyists |
2023-01-03T16:00:09Z | http://arxiv.org/pdf/2301.01172v1 | http://arxiv.org/abs/2301.01172v1 | Haodi Ma, Daisy Zhe Wang | 2023-01-03T16:00:09Z | cs.CL, cs.AI, cs.LG | Knowledge graphs (KG) have served as the key component of various natural
language processing applications. Commonsense knowledge graphs (CKG) are a
special type of KG, where entities and relations are composed of free-form
text. However, previous works in KG completion and CKG completion suffer from
long-tail relations and newly-added relations which do not have many know
triples for training. In light of this, few-shot KG completion (FKGC), which
requires the strengths of graph representation learning and few-shot learning,
has been proposed to challenge the problem of limited annotated data. In this
paper, we comprehensively survey previous attempts on such tasks in the form of
a series of methods and applications. Specifically, we first introduce FKGC
challenges, commonly used KGs, and CKGs. Then we systematically categorize and
summarize existing works in terms of the type of KGs and the methods. Finally,
we present applications of FKGC models on prediction tasks in different areas
and share our thoughts on future research directions of FKGC. | cs.CL | A Survey On Few-shot Knowledge Graph Completion with Structural and Commonsense Knowledge |
2023-01-03T15:47:53Z | http://arxiv.org/pdf/2301.01162v1 | http://arxiv.org/abs/2301.01162v1 | Li Zhang, Chris Callison-Burch | 2023-01-03T15:47:53Z | cs.SD, cs.CL, eess.AS | Automatic music generation with artificial intelligence typically requires a
large amount of data which is hard to obtain for many less common genres and
musical instruments. To tackle this issue, we present ongoing work and
preliminary findings on the possibility for deep models to transfer knowledge
from language to music, by finetuning large language models pre-trained on a
massive text corpus on only hundreds of MIDI files of drum performances. We
show that by doing so, one of the largest, state-of-the-art models (GPT3) is
capable of generating reasonable drum grooves, while models that are not
pre-trained (Transformer) shows no such ability beyond naive repetition.
Evaluating generated music is a challenging task, more so is evaluating drum
grooves with little precedence in literature. Hence, we propose a tailored
structural evaluation method and analyze drum grooves produced by GPT3 compared
to those played by human professionals, exposing the strengths and weaknesses
of such generation by language-to-music transfer. Our findings suggest that
language-to-music transfer learning with large language models is viable and
promising. | cs.SD | Language Models are Drummers: Drum Composition with Natural Language Pre-Training |
2023-01-03T12:37:47Z | http://arxiv.org/pdf/2301.01067v1 | http://arxiv.org/abs/2301.01067v1 | Longxu Dou, Yan Gao, Xuqi Liu, Mingyang Pan, Dingzirui Wang, Wanxiang Che, Dechen Zhan, Min-Yen Kan, Jian-Guang Lou | 2023-01-03T12:37:47Z | cs.CL | In this paper, we study the problem of knowledge-intensive text-to-SQL, in
which domain knowledge is necessary to parse expert questions into SQL queries
over domain-specific tables. We formalize this scenario by building a new
Chinese benchmark KnowSQL consisting of domain-specific questions covering
various domains. We then address this problem by presenting formulaic
knowledge, rather than by annotating additional data examples. More concretely,
we construct a formulaic knowledge bank as a domain knowledge base and propose
a framework (ReGrouP) to leverage this formulaic knowledge during parsing.
Experiments using ReGrouP demonstrate a significant 28.2% improvement overall
on KnowSQL. | cs.CL | Towards Knowledge-Intensive Text-to-SQL Semantic Parsing with Formulaic Knowledge |
2023-01-03T12:20:51Z | http://arxiv.org/pdf/2301.01064v1 | http://arxiv.org/abs/2301.01064v1 | Dinesh Nagumothu, Bahadorreza Ofoghi, Guangyan Huang, Peter W. Eklund | 2023-01-03T12:20:51Z | cs.CL, cs.AI | Supervised Question Answering systems (QA systems) rely on domain-specific
human-labeled data for training. Unsupervised QA systems generate their own
question-answer training pairs, typically using secondary knowledge sources to
achieve this outcome. Our approach (called PIE-QG) uses Open Information
Extraction (OpenIE) to generate synthetic training questions from paraphrased
passages and uses the question-answer pairs as training data for a language
model for a state-of-the-art QA system based on BERT. Triples in the form of
<subject, predicate, object> are extracted from each passage, and questions are
formed with subjects (or objects) and predicates while objects (or subjects)
are considered as answers. Experimenting on five extractive QA datasets
demonstrates that our technique achieves on-par performance with existing
state-of-the-art QA systems with the benefit of being trained on an order of
magnitude fewer documents and without any recourse to external reference data
sources. | cs.CL | PIE-QG: Paraphrased Information Extraction for Unsupervised Question Generation from Small Corpora |
2023-01-03T09:37:24Z | http://arxiv.org/pdf/2301.01020v1 | http://arxiv.org/abs/2301.01020v1 | Sreepratha Ram, Hanan Aldarmaki | 2023-01-03T09:37:24Z | cs.CL, cs.SD, eess.AS | In speech recognition, it is essential to model the phonetic content of the
input signal while discarding irrelevant factors such as speaker variations and
noise, which is challenging in low-resource settings. Self-supervised
pre-training has been proposed as a way to improve both supervised and
unsupervised speech recognition, including frame-level feature representations
and Acoustic Word Embeddings (AWE) for variable-length segments. However,
self-supervised models alone cannot learn perfect separation of the linguistic
content as they are trained to optimize indirect objectives. In this work, we
experiment with different pre-trained self-supervised features as input to AWE
models and show that they work best within a supervised framework. Models
trained on English can be transferred to other languages with no adaptation and
outperform self-supervised models trained solely on the target languages. | cs.CL | Supervised Acoustic Embeddings And Their Transferability Across Languages |
2023-01-03T09:19:41Z | http://arxiv.org/pdf/2301.01015v4 | http://arxiv.org/abs/2301.01015v4 | Rudra Murthy V, Riyaz Bhat, Chulaka Gunasekara, Siva Sankalp Patel, Hui Wan, Tejas Indulal Dhamecha, Danish Contractor, Marina Danilevsky | 2023-05-23T02:33:22Z | cs.CV, cs.AI, cs.CL | In this paper we explore the task of modeling semi-structured object
sequences; in particular, we focus our attention on the problem of developing a
structure-aware input representation for such sequences. Examples of such data
include user activity on websites, machine logs, and many others. This type of
data is often represented as a sequence of sets of key-value pairs over time
and can present modeling challenges due to an ever-increasing sequence length.
We propose a two-part approach, which first considers each key independently
and encodes a representation of its values over time; we then self-attend over
these value-aware key representations to accomplish a downstream task. This
allows us to operate on longer object sequences than existing methods. We
introduce a novel shared-attention-head architecture between the two modules
and present an innovative training schedule that interleaves the training of
both modules with shared weights for some attention heads. Our experiments on
multiple prediction tasks using real-world data demonstrate that our approach
outperforms a unified network with hierarchical encoding, as well as other
methods including a record-centric representation and a flattened
representation of the sequence. | cs.CV | Semi-Structured Object Sequence Encoders |
2023-01-03T07:24:05Z | http://arxiv.org/pdf/2301.00982v2 | http://arxiv.org/abs/2301.00982v2 | Zhen Yao, Wen Zhang, Mingyang Chen, Yufeng Huang, Yi Yang, Huajun Chen | 2023-02-04T07:34:56Z | cs.AI, cs.CL | Knowledge graph embedding (KGE), which maps entities and relations in a
knowledge graph into continuous vector spaces, has achieved great success in
predicting missing links in knowledge graphs. However, knowledge graphs often
contain incomplete triples that are difficult to inductively infer by KGEs. To
address this challenge, we resort to analogical inference and propose a novel
and general self-supervised framework AnKGE to enhance KGE models with
analogical inference capability. We propose an analogical object retriever that
retrieves appropriate analogical objects from entity-level, relation-level, and
triple-level. And in AnKGE, we train an analogy function for each level of
analogical inference with the original element embedding from a well-trained
KGE model as input, which outputs the analogical object embedding. In order to
combine inductive inference capability from the original KGE model and
analogical inference capability enhanced by AnKGE, we interpolate the analogy
score with the base model score and introduce the adaptive weights in the score
function for prediction. Through extensive experiments on FB15k-237 and WN18RR
datasets, we show that AnKGE achieves competitive results on link prediction
task and well performs analogical inference. | cs.AI | Analogical Inference Enhanced Knowledge Graph Embedding |
2023-01-03T07:00:30Z | http://arxiv.org/pdf/2301.00972v1 | http://arxiv.org/abs/2301.00972v1 | Mingzhe Li, Xiuying Chen, Weiheng Liao, Yang Song, Tao Zhang, Dongyan Zhao, Rui Yan | 2023-01-03T07:00:30Z | cs.CL | Interview has been regarded as one of the most crucial step for recruitment.
To fully prepare for the interview with the recruiters, job seekers usually
practice with mock interviews between each other. However, such a mock
interview with peers is generally far away from the real interview experience:
the mock interviewers are not guaranteed to be professional and are not likely
to behave like a real interviewer. Due to the rapid growth of online
recruitment in recent years, recruiters tend to have online interviews, which
makes it possible to collect real interview data from real interviewers. In
this paper, we propose a novel application named EZInterviewer, which aims to
learn from the online interview data and provides mock interview services to
the job seekers. The task is challenging in two ways: (1) the interview data
are now available but still of low-resource; (2) to generate meaningful and
relevant interview dialogs requires thorough understanding of both resumes and
job descriptions. To address the low-resource challenge, EZInterviewer is
trained on a very small set of interview dialogs. The key idea is to reduce the
number of parameters that rely on interview dialogs by disentangling the
knowledge selector and dialog generator so that most parameters can be trained
with ungrounded dialogs as well as the resume data that are not low-resource.
Evaluation results on a real-world job interview dialog dataset indicate that
we achieve promising results to generate mock interviews. With the help of
EZInterviewer, we hope to make mock interview practice become easier for job
seekers. | cs.CL | EZInterviewer: To Improve Job Interview Performance with Mock Interview Generator |
Subsets and Splits