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
|
---|---|---|---|---|---|---|---|---|
2022-12-12T18:50:03Z | http://arxiv.org/pdf/2212.06121v1 | http://arxiv.org/abs/2212.06121v1 | Guilherme Rosa, Luiz Bonifacio, Vitor Jeronymo, Hugo Abonizio, Marzieh Fadaee, Roberto Lotufo, Rodrigo Nogueira | 2022-12-12T18:50:03Z | cs.IR, cs.CL | Bi-encoders and cross-encoders are widely used in many state-of-the-art
retrieval pipelines. In this work we study the generalization ability of these
two types of architectures on a wide range of parameter count on both in-domain
and out-of-domain scenarios. We find that the number of parameters and early
query-document interactions of cross-encoders play a significant role in the
generalization ability of retrieval models. Our experiments show that
increasing model size results in marginal gains on in-domain test sets, but
much larger gains in new domains never seen during fine-tuning. Furthermore, we
show that cross-encoders largely outperform bi-encoders of similar size in
several tasks. In the BEIR benchmark, our largest cross-encoder surpasses a
state-of-the-art bi-encoder by more than 4 average points. Finally, we show
that using bi-encoders as first-stage retrievers provides no gains in
comparison to a simpler retriever such as BM25 on out-of-domain tasks. The code
is available at
https://github.com/guilhermemr04/scaling-zero-shot-retrieval.git | cs.IR | In Defense of Cross-Encoders for Zero-Shot Retrieval |
2022-12-12T18:09:09Z | http://arxiv.org/pdf/2212.06094v3 | http://arxiv.org/abs/2212.06094v3 | Luca Beurer-Kellner, Marc Fischer, Martin Vechev | 2023-05-30T12:56:41Z | cs.CL, cs.AI | Large language models have demonstrated outstanding performance on a wide
range of tasks such as question answering and code generation. On a high level,
given an input, a language model can be used to automatically complete the
sequence in a statistically-likely way. Based on this, users prompt these
models with language instructions or examples, to implement a variety of
downstream tasks. Advanced prompting methods can even imply interaction between
the language model, a user, and external tools such as calculators. However, to
obtain state-of-the-art performance or adapt language models for specific
tasks, complex task- and model-specific programs have to be implemented, which
may still require ad-hoc interaction.
Based on this, we present the novel idea of Language Model Programming (LMP).
LMP generalizes language model prompting from pure text prompts to an intuitive
combination of text prompting and scripting. Additionally, LMP allows
constraints to be specified over the language model output. This enables easy
adaption to many tasks while abstracting language model internals and providing
high-level semantics.
To enable LMP, we implement LMQL(short for Language Model Query Language),
which leverages the constraints and control flow from an LMP prompt to generate
an efficient inference procedure that minimizes the number of expensive calls
to the underlying language model.
We show that LMQL can capture a wide range of state-of-the-art prompting
methods in an intuitive way, especially facilitating interactive flows that are
challenging to implement with existing high-level APIs. Our evaluation shows
that we retain or increase the accuracy on several downstream tasks, while also
significantly reducing the required amount of computation or cost in the case
of pay-to-use APIs (26-85% cost savings). | cs.CL | Prompting Is Programming: A Query Language for Large Language Models |
2022-12-12T16:03:38Z | http://arxiv.org/pdf/2212.06002v2 | http://arxiv.org/abs/2212.06002v2 | Yu Zhang, Yunyi Zhang, Martin Michalski, Yucheng Jiang, Yu Meng, Jiawei Han | 2023-01-11T04:22:38Z | cs.CL, cs.IR | Instead of mining coherent topics from a given text corpus in a completely
unsupervised manner, seed-guided topic discovery methods leverage user-provided
seed words to extract distinctive and coherent topics so that the mined topics
can better cater to the user's interest. To model the semantic correlation
between words and seeds for discovering topic-indicative terms, existing
seed-guided approaches utilize different types of context signals, such as
document-level word co-occurrences, sliding window-based local contexts, and
generic linguistic knowledge brought by pre-trained language models. In this
work, we analyze and show empirically that each type of context information has
its value and limitation in modeling word semantics under seed guidance, but
combining three types of contexts (i.e., word embeddings learned from local
contexts, pre-trained language model representations obtained from
general-domain training, and topic-indicative sentences retrieved based on seed
information) allows them to complement each other for discovering quality
topics. We propose an iterative framework, SeedTopicMine, which jointly learns
from the three types of contexts and gradually fuses their context signals via
an ensemble ranking process. Under various sets of seeds and on multiple
datasets, SeedTopicMine consistently yields more coherent and accurate topics
than existing seed-guided topic discovery approaches. | cs.CL | Effective Seed-Guided Topic Discovery by Integrating Multiple Types of Contexts |
2022-12-12T16:00:20Z | http://arxiv.org/pdf/2212.05998v1 | http://arxiv.org/abs/2212.05998v1 | Aref Jafari, Ivan Kobyzev, Mehdi Rezagholizadeh, Pascal Poupart, Ali Ghodsi | 2022-12-12T16:00:20Z | cs.LG, cs.CL | Knowledge Distillation (KD) has been extensively used for natural language
understanding (NLU) tasks to improve a small model's (a student) generalization
by transferring the knowledge from a larger model (a teacher). Although KD
methods achieve state-of-the-art performance in numerous settings, they suffer
from several problems limiting their performance. It is shown in the literature
that the capacity gap between the teacher and the student networks can make KD
ineffective. Additionally, existing KD techniques do not mitigate the noise in
the teacher's output: modeling the noisy behaviour of the teacher can distract
the student from learning more useful features. We propose a new KD method that
addresses these problems and facilitates the training compared to previous
techniques. Inspired by continuation optimization, we design a training
procedure that optimizes the highly non-convex KD objective by starting with
the smoothed version of this objective and making it more complex as the
training proceeds. Our method (Continuation-KD) achieves state-of-the-art
performance across various compact architectures on NLU (GLUE benchmark) and
computer vision tasks (CIFAR-10 and CIFAR-100). | cs.LG | Continuation KD: Improved Knowledge Distillation through the Lens of Continuation Optimization |
2022-12-12T15:40:30Z | http://arxiv.org/pdf/2212.05982v1 | http://arxiv.org/abs/2212.05982v1 | Hao Zheng, Mirella Lapata | 2022-12-12T15:40:30Z | cs.CL, cs.AI | Compositional generalization is a basic mechanism in human language learning,
which current neural networks struggle with. A recently proposed Disentangled
sequence-to-sequence model (Dangle) shows promising generalization capability
by learning specialized encodings for each decoding step. We introduce two key
modifications to this model which encourage more disentangled representations
and improve its compute and memory efficiency, allowing us to tackle
compositional generalization in a more realistic setting. Specifically, instead
of adaptively re-encoding source keys and values at each time step, we
disentangle their representations and only re-encode keys periodically, at some
interval. Our new architecture leads to better generalization performance
across existing tasks and datasets, and a new machine translation benchmark
which we create by detecting naturally occurring compositional patterns in
relation to a training set. We show this methodology better emulates real-world
requirements than artificial challenges. | cs.CL | Real-World Compositional Generalization with Disentangled Sequence-to-Sequence Learning |
2022-12-12T15:29:48Z | http://arxiv.org/pdf/2212.05974v2 | http://arxiv.org/abs/2212.05974v2 | Dongqi Cai, Shangguang Wang, Yaozong Wu, Felix Xiaozhu Lin, Mengwei Xu | 2023-08-19T07:31:01Z | cs.LG, cs.CL | Natural language processing (NLP) sees rich mobile applications. To support
various language understanding tasks, a foundation NLP model is often
fine-tuned in a federated, privacy-preserving setting (FL). This process
currently relies on at least hundreds of thousands of labeled training samples
from mobile clients; yet mobile users often lack willingness or knowledge to
label their data. Such an inadequacy of data labels is known as a few-shot
scenario; it becomes the key blocker for mobile NLP applications.
For the first time, this work investigates federated NLP in the few-shot
scenario (FedFSL). By retrofitting algorithmic advances of pseudo labeling and
prompt learning, we first establish a training pipeline that delivers
competitive accuracy when only 0.05% (fewer than 100) of the training data is
labeled and the remaining is unlabeled. To instantiate the workflow, we further
present a system FeS, addressing the high execution cost with novel designs.
(1) Curriculum pacing, which injects pseudo labels to the training workflow at
a rate commensurate to the learning progress; (2) Representational diversity, a
mechanism for selecting the most learnable data, only for which pseudo labels
will be generated; (3) Co-planning of a model's training depth and layer
capacity. Together, these designs reduce the training delay, client energy, and
network traffic by up to 46.0$\times$, 41.2$\times$ and 3000.0$\times$,
respectively. Through algorithm/system co-design, FFNLP demonstrates that FL
can apply to challenging settings where most training samples are unlabeled. | cs.LG | Federated Few-Shot Learning for Mobile NLP |
2022-12-12T15:16:12Z | http://arxiv.org/pdf/2212.05961v3 | http://arxiv.org/abs/2212.05961v3 | Zhengqing Yuan, Xiaolong Zhang, Yue Wang, Xuecong Hou, Huiwen Xue, Zhuanzhe Zhao, Yongming Liu | 2023-07-05T01:18:04Z | cs.CL, cs.AI | Data augmentation is a widely used technique in machine learning to improve
model performance. However, existing data augmentation techniques in natural
language understanding (NLU) may not fully capture the complexity of natural
language variations, and they can be challenging to apply to large datasets.
This paper proposes the Random Position Noise (RPN) algorithm, a novel data
augmentation technique that operates at the word vector level. RPN modifies the
word embeddings of the original text by introducing noise based on the existing
values of selected word vectors, allowing for more fine-grained modifications
and better capturing natural language variations. Unlike traditional data
augmentation methods, RPN does not require gradients in the computational graph
during virtual sample updates, making it simpler to apply to large datasets.
Experimental results demonstrate that RPN consistently outperforms existing
data augmentation techniques across various NLU tasks, including sentiment
analysis, natural language inference, and paraphrase detection. Moreover, RPN
performs well in low-resource settings and is applicable to any model featuring
a word embeddings layer. The proposed RPN algorithm is a promising approach for
enhancing NLU performance and addressing the challenges associated with
traditional data augmentation techniques in large-scale NLU tasks. Our
experimental results demonstrated that the RPN algorithm achieved
state-of-the-art performance in all seven NLU tasks, thereby highlighting its
effectiveness and potential for real-world NLU applications. | cs.CL | RPN: A Word Vector Level Data Augmentation Algorithm in Deep Learning for Language Understanding |
2022-12-12T15:09:56Z | http://arxiv.org/pdf/2212.05956v2 | http://arxiv.org/abs/2212.05956v2 | Peng Lu, Ivan Kobyzev, Mehdi Rezagholizadeh, Ahmad Rashid, Ali Ghodsi, Philippe Langlais | 2022-12-16T22:25:28Z | cs.CL, cs.LG | Knowledge Distillation (KD) is a commonly used technique for improving the
generalization of compact Pre-trained Language Models (PLMs) on downstream
tasks. However, such methods impose the additional burden of training a
separate teacher model for every new dataset. Alternatively, one may directly
work on the improvement of the optimization procedure of the compact model
toward better generalization. Recent works observe that the flatness of the
local minimum correlates well with better generalization. In this work, we
adapt Stochastic Weight Averaging (SWA), a method encouraging convergence to a
flatter minimum, to fine-tuning PLMs. We conduct extensive experiments on
various NLP tasks (text classification, question answering, and generation) and
different model architectures and demonstrate that our adaptation improves the
generalization without extra computation cost. Moreover, we observe that this
simple optimization technique is able to outperform the state-of-the-art KD
methods for compact models. | cs.CL | Improving Generalization of Pre-trained Language Models via Stochastic Weight Averaging |
2022-12-12T14:43:46Z | http://arxiv.org/pdf/2301.05395v1 | http://arxiv.org/abs/2301.05395v1 | Keshav Kapur, Rajitha Harikrishnan | 2022-12-12T14:43:46Z | cs.CL | The reported work is our straightforward approach for the shared task
Classification of tweets self-reporting age organized by the Social Media
Mining for Health Applications (SMM4H) workshop. This literature describes the
approach that was used to build a binary classification system, that classifies
the tweets related to birthday posts into two classes namely, exact
age(positive class) and non-exact age(negative class). We made two submissions
with variations in the preprocessing of text which yielded F1 scores of 0.80
and 0.81 when evaluated by the organizers. | cs.CL | MaNLP@SMM4H22: BERT for Classification of Twitter Posts |
2022-12-12T14:00:57Z | http://arxiv.org/pdf/2212.05901v1 | http://arxiv.org/abs/2212.05901v1 | Shamil Ayupov, Nadezhda Chirkova | 2022-12-12T14:00:57Z | cs.CL, cs.LG, cs.SE | Pretrained Transformers achieve state-of-the-art performance in various
code-processing tasks but may be too large to be deployed. As software
development tools often incorporate modules for various purposes which may
potentially use a single instance of the pretrained model, it appears relevant
to utilize parameter-efficient fine-tuning for the pretrained models of code.
In this work, we test two widely used approaches, adapters and LoRA, which were
initially tested on NLP tasks, on four code-processing tasks. We find that
though the efficient fine-tuning approaches may achieve comparable or higher
performance than the standard, full, fine-tuning in code understanding tasks,
they underperform full fine-tuning in code-generative tasks. These results
underline the importance of testing efficient fine-tuning approaches on other
domains than NLP and motivate future research in efficient fine-tuning for
source code. | cs.CL | Parameter-Efficient Finetuning of Transformers for Source Code |
2022-12-12T13:51:07Z | http://arxiv.org/pdf/2212.06765v1 | http://arxiv.org/abs/2212.06765v1 | Zhe Zheng, Hong-Zheng Shi, Yu-Cheng Zhou, Xin-Zheng Lu, Jia-Rui Lin | 2022-12-12T13:51:07Z | cs.CL, cs.LG, cs.SI | Earthquakes have a deep impact on wide areas, and emergency rescue operations
may benefit from social media information about the scope and extent of the
disaster. Therefore, this work presents a text miningbased approach to collect
and analyze social media data for early earthquake impact analysis. First,
disasterrelated microblogs are collected from the Sina microblog based on
crawler technology. Then, after data cleaning a series of analyses are
conducted including (1) the hot words analysis, (2) the trend of the number of
microblogs, (3) the trend of public opinion sentiment, and (4) a keyword and
rule-based text classification for earthquake impact analysis. Finally, two
recent earthquakes with the same magnitude and focal depth in China are
analyzed to compare their impacts. The results show that the public opinion
trend analysis and the trend of public opinion sentiment can estimate the
earthquake's social impact at an early stage, which will be helpful to
decision-making and rescue management. | cs.CL | Earthquake Impact Analysis Based on Text Mining and Social Media Analytics |
2022-12-12T13:48:38Z | http://arxiv.org/pdf/2212.05891v1 | http://arxiv.org/abs/2212.05891v1 | Zhe Zheng, Bo-Rui Kang, Qi-Tian Yuan, Yu-Cheng Zhou, Xin-Zheng Lu, Jia-Rui Lin | 2022-12-12T13:48:38Z | cs.IR, cs.CL, cs.LG | Automated rule checking (ARC), which is expected to promote the efficiency of
the compliance checking process in the architecture, engineering, and
construction (AEC) industry, is gaining increasing attention. Throwing light on
the ARC application hotspots and forecasting its trends are useful to the
related research and drive innovations. Therefore, this study takes the patents
from the database of the Derwent Innovations Index database (DII) and China
national knowledge infrastructure (CNKI) as data sources and then carried out a
three-step analysis including (1) quantitative characteristics (i.e., annual
distribution analysis) of patents, (2) identification of ARC topics using a
latent Dirichlet allocation (LDA) and, (3) SNA-based co-occurrence analysis of
ARC topics. The results show that the research hotspots and trends of Chinese
and English patents are different. The contributions of this study have three
aspects: (1) an approach to a comprehensive analysis of patents by integrating
multiple text mining methods (i.e., SNA and LDA) is introduced ; (2) the
application hotspots and development trends of ARC are reviewed based on patent
analysis; and (3) a signpost for technological development and innovation of
ARC is provided. | cs.IR | Text Mining-Based Patent Analysis for Automated Rule Checking in AEC |
2022-12-12T12:48:33Z | http://arxiv.org/pdf/2212.05857v2 | http://arxiv.org/abs/2212.05857v2 | Leibo Liu, Oscar Perez-Concha, Anthony Nguyen, Vicki Bennett, Louisa Jorm | 2022-12-13T04:42:44Z | cs.CL | Background: Encouraged by the success of pretrained Transformer models in
many natural language processing tasks, their use for International
Classification of Diseases (ICD) coding tasks is now actively being explored.
In this study, we investigate three types of Transformer-based models, aiming
to address the extreme label set and long text classification challenges that
are posed by automated ICD coding tasks. Methods: The Transformer-based model
PLM-ICD achieved the current state-of-the-art (SOTA) performance on the ICD
coding benchmark dataset MIMIC-III. It was chosen as our baseline model to be
further optimised. XR-Transformer, the new SOTA model in the general extreme
multi-label text classification domain, and XR-LAT, a novel adaptation of the
XR-Transformer model, were also trained on the MIMIC-III dataset. XR-LAT is a
recursively trained model chain on a predefined hierarchical code tree with
label-wise attention, knowledge transferring and dynamic negative sampling
mechanisms. Results: Our optimised PLM-ICD model, which was trained with longer
total and chunk sequence lengths, significantly outperformed the current SOTA
PLM-ICD model, and achieved the highest micro-F1 score of 60.8%. The
XR-Transformer model, although SOTA in the general domain, did not perform well
across all metrics. The best XR-LAT based model obtained results that were
competitive with the current SOTA PLM-ICD model, including improving the
macro-AUC by 2.1%. Conclusion: Our optimised PLM-ICD model is the new SOTA
model for automated ICD coding on the MIMIC-III dataset, while our novel XR-LAT
model performs competitively with the previous SOTA PLM-ICD model. | cs.CL | Automated ICD Coding using Extreme Multi-label Long Text Transformer-based Models |
2022-12-12T12:41:24Z | http://arxiv.org/pdf/2212.05856v1 | http://arxiv.org/abs/2212.05856v1 | Mubin Ul Haque, Isuru Dharmadasa, Zarrin Tasnim Sworna, Roshan Namal Rajapakse, Hussain Ahmad | 2022-12-12T12:41:24Z | cs.CL | Large language models have recently attracted significant attention due to
their impressive performance on a variety of tasks. ChatGPT developed by OpenAI
is one such implementation of a large, pre-trained language model that has
gained immense popularity among early adopters, where certain users go to the
extent of characterizing it as a disruptive technology in many domains.
Understanding such early adopters' sentiments is important because it can
provide insights into the potential success or failure of the technology, as
well as its strengths and weaknesses. In this paper, we conduct a mixed-method
study using 10,732 tweets from early ChatGPT users. We first use topic
modelling to identify the main topics and then perform an in-depth qualitative
sentiment analysis of each topic. Our results show that the majority of the
early adopters have expressed overwhelmingly positive sentiments related to
topics such as Disruptions to software development, Entertainment and
exercising creativity. Only a limited percentage of users expressed concerns
about issues such as the potential for misuse of ChatGPT, especially regarding
topics such as Impact on educational aspects. We discuss these findings by
providing specific examples for each topic and then detail implications related
to addressing these concerns for both researchers and users. | cs.CL | "I think this is the most disruptive technology": Exploring Sentiments of ChatGPT Early Adopters using Twitter Data |
2022-12-12T11:19:05Z | http://arxiv.org/pdf/2212.05830v1 | http://arxiv.org/abs/2212.05830v1 | Yachao Li, Junhui Li, Jing Jiang, Shimin Tao, Hao Yang, Min Zhang | 2022-12-12T11:19:05Z | cs.CL | Directly training a document-to-document (Doc2Doc) neural machine translation
(NMT) via Transformer from scratch, especially on small datasets usually fails
to converge. Our dedicated probing tasks show that 1) both the absolute
position and relative position information gets gradually weakened or even
vanished once it reaches the upper encoder layers, and 2) the vanishing of
absolute position information in encoder output causes the training failure of
Doc2Doc NMT. To alleviate this problem, we propose a position-aware Transformer
(P-Transformer) to enhance both the absolute and relative position information
in both self-attention and cross-attention. Specifically, we integrate absolute
positional information, i.e., position embeddings, into the query-key pairs
both in self-attention and cross-attention through a simple yet effective
addition operation. Moreover, we also integrate relative position encoding in
self-attention. The proposed P-Transformer utilizes sinusoidal position
encoding and does not require any task-specified position embedding, segment
embedding, or attention mechanism. Through the above methods, we build a
Doc2Doc NMT model with P-Transformer, which ingests the source document and
completely generates the target document in a sequence-to-sequence (seq2seq)
way. In addition, P-Transformer can be applied to seq2seq-based
document-to-sentence (Doc2Sent) and sentence-to-sentence (Sent2Sent)
translation. Extensive experimental results of Doc2Doc NMT show that
P-Transformer significantly outperforms strong baselines on widely-used 9
document-level datasets in 7 language pairs, covering small-, middle-, and
large-scales, and achieves a new state-of-the-art. Experimentation on discourse
phenomena shows that our Doc2Doc NMT models improve the translation quality in
both BLEU and discourse coherence. We make our code available on Github. | cs.CL | P-Transformer: Towards Better Document-to-Document Neural Machine Translation |
2022-12-12T10:10:29Z | http://arxiv.org/pdf/2212.13924v1 | http://arxiv.org/abs/2212.13924v1 | Najem-Meyer Sven, Romanello Matteo | 2022-12-12T10:10:29Z | cs.IR, cs.AI, cs.CL, cs.CV | Page layout analysis is a fundamental step in document processing which
enables to segment a page into regions of interest. With highly complex layouts
and mixed scripts, scholarly commentaries are text-heavy documents which remain
challenging for state-of-the-art models. Their layout considerably varies
across editions and their most important regions are mainly defined by semantic
rather than graphical characteristics such as position or appearance. This
setting calls for a comparison between textual, visual and hybrid approaches.
We therefore assess the performances of two transformers (LayoutLMv3 and
RoBERTa) and an objection-detection network (YOLOv5). If results show a clear
advantage in favor of the latter, we also list several caveats to this finding.
In addition to our experiments, we release a dataset of ca. 300 annotated pages
sampled from 19th century commentaries. | cs.IR | Page Layout Analysis of Text-heavy Historical Documents: a Comparison of Textual and Visual Approaches |
2022-12-12T10:03:10Z | http://arxiv.org/pdf/2212.05805v1 | http://arxiv.org/abs/2212.05805v1 | Junhui Zhang, Junjie Pan, Xiang Yin, Zejun Ma | 2022-12-12T10:03:10Z | cs.CL, cs.SD, eess.AS | Speech-to-speech translation directly translates a speech utterance to
another between different languages, and has great potential in tasks such as
simultaneous interpretation. State-of-art models usually contains an auxiliary
module for phoneme sequences prediction, and this requires textual annotation
of the training dataset. We propose a direct speech-to-speech translation model
which can be trained without any textual annotation or content information.
Instead of introducing an auxiliary phoneme prediction task in the model, we
propose to use bottleneck features as intermediate training objectives for our
model to ensure the translation performance of the system. Experiments on
Mandarin-Cantonese speech translation demonstrate the feasibility of the
proposed approach and the performance can match a cascaded system with respect
of translation and synthesis qualities. | cs.CL | Direct Speech-to-speech Translation without Textual Annotation using Bottleneck Features |
2022-12-12T09:49:02Z | http://arxiv.org/pdf/2212.05798v2 | http://arxiv.org/abs/2212.05798v2 | Jingjing Xu, Maria Biryukov, Martin Theobald, Vinu Ellampallil Venugopal | 2023-09-07T12:22:43Z | cs.CL, cs.AI | Answering complex questions over textual resources remains a challenge,
particularly when dealing with nuanced relationships between multiple entities
expressed within natural-language sentences. To this end, curated knowledge
bases (KBs) like YAGO, DBpedia, Freebase, and Wikidata have been widely used
and gained great acceptance for question-answering (QA) applications in the
past decade. While these KBs offer a structured knowledge representation, they
lack the contextual diversity found in natural-language sources. To address
this limitation, BigText-QA introduces an integrated QA approach, which is able
to answer questions based on a more redundant form of a knowledge graph (KG)
that organizes both structured and unstructured (i.e., "hybrid") knowledge in a
unified graphical representation. Thereby, BigText-QA is able to combine the
best of both worlds$\unicode{x2013}$a canonical set of named entities, mapped
to a structured background KB (such as YAGO or Wikidata), as well as an open
set of textual clauses providing highly diversified relational paraphrases with
rich context information. Our experimental results demonstrate that BigText-QA
outperforms DrQA, a neural-network-based QA system, and achieves competitive
results to QUEST, a graph-based unsupervised QA system. | cs.CL | BigText-QA: Question Answering over a Large-Scale Hybrid Knowledge Graph |
2022-12-12T09:27:50Z | http://arxiv.org/pdf/2212.05789v1 | http://arxiv.org/abs/2212.05789v1 | Chenhe Dong, Yuexiang Xie, Bolin Ding, Ying Shen, Yaliang Li | 2022-12-12T09:27:50Z | cs.CL | The increasing privacy concerns on personal private text data promote the
development of federated learning (FL) in recent years. However, the existing
studies on applying FL in NLP are not suitable to coordinate participants with
heterogeneous or private learning objectives. In this study, we further broaden
the application scope of FL in NLP by proposing an Assign-Then-Contrast
(denoted as ATC) framework, which enables clients with heterogeneous NLP tasks
to construct an FL course and learn useful knowledge from each other.
Specifically, the clients are suggested to first perform local training with
the unified tasks assigned by the server rather than using their own learning
objectives, which is called the Assign training stage. After that, in the
Contrast training stage, clients train with different local learning objectives
and exchange knowledge with other clients who contribute consistent and useful
model updates. We conduct extensive experiments on six widely-used datasets
covering both Natural Language Understanding (NLU) and Natural Language
Generation (NLG) tasks, and the proposed ATC framework achieves significant
improvements compared with various baseline methods. The source code is
available at
\url{https://github.com/alibaba/FederatedScope/tree/master/federatedscope/nlp/hetero_tasks}. | cs.CL | Collaborating Heterogeneous Natural Language Processing Tasks via Federated Learning |
2022-12-12T08:51:30Z | http://arxiv.org/pdf/2212.05773v2 | http://arxiv.org/abs/2212.05773v2 | Qingfu Zhu, Xianzhen Luo, Fang Liu, Cuiyun Gao, Wanxiang Che | 2023-08-06T02:10:07Z | cs.CL | Natural language processing for programming aims to use NLP techniques to
assist programming. It is increasingly prevalent for its effectiveness in
improving productivity. Distinct from natural language, a programming language
is highly structured and functional. Constructing a structure-based
representation and a functionality-oriented algorithm is at the heart of
program understanding and generation. In this paper, we conduct a systematic
review covering tasks, datasets, evaluation methods, techniques, and models
from the perspective of the structure-based and functionality-oriented
property, aiming to understand the role of the two properties in each
component. Based on the analysis, we illustrate unexplored areas and suggest
potential directions for future work. | cs.CL | A Survey on Natural Language Processing for Programming |
2022-12-12T08:40:04Z | http://arxiv.org/pdf/2212.05767v7 | http://arxiv.org/abs/2212.05767v7 | Ke Liang, Lingyuan Meng, Meng Liu, Yue Liu, Wenxuan Tu, Siwei Wang, Sihang Zhou, Xinwang Liu, Fuchun Sun | 2023-07-22T13:05:21Z | cs.AI, cs.CL, cs.IR | Knowledge graph reasoning (KGR), aiming to deduce new facts from existing
facts based on mined logic rules underlying knowledge graphs (KGs), has become
a fast-growing research direction. It has been proven to significantly benefit
the usage of KGs in many AI applications, such as question answering,
recommendation systems, and etc. According to the graph types, existing KGR
models can be roughly divided into three categories, i.e., static models,
temporal models, and multi-modal models. Early works in this domain mainly
focus on static KGR, and recent works try to leverage the temporal and
multi-modal information, which are more practical and closer to real-world.
However, no survey papers and open-source repositories comprehensively
summarize and discuss models in this important direction. To fill the gap, we
conduct a first survey for knowledge graph reasoning tracing from static to
temporal and then to multi-modal KGs. Concretely, the models are reviewed based
on bi-level taxonomy, i.e., top-level (graph types) and base-level (techniques
and scenarios). Besides, the performances, as well as datasets, are summarized
and presented. Moreover, we point out the challenges and potential
opportunities to enlighten the readers. The corresponding open-source
repository is shared on GitHub
https://github.com/LIANGKE23/Awesome-Knowledge-Graph-Reasoning. | cs.AI | A Survey of Knowledge Graph Reasoning on Graph Types: Static, Dynamic, and Multimodal |
2022-12-12T08:38:28Z | http://arxiv.org/pdf/2212.05765v1 | http://arxiv.org/abs/2212.05765v1 | Sunjae Yoon, Eunseop Yoon, Hee Suk Yoon, Junyeong Kim, Chang D. Yoo | 2022-12-12T08:38:28Z | cs.CL, cs.CV | Video-grounded Dialogue (VGD) aims to decode an answer sentence to a question
regarding a given video and dialogue context. Despite the recent success of
multi-modal reasoning to generate answer sentences, existing dialogue systems
still suffer from a text hallucination problem, which denotes indiscriminate
text-copying from input texts without an understanding of the question. This is
due to learning spurious correlations from the fact that answer sentences in
the dataset usually include the words of input texts, thus the VGD system
excessively relies on copying words from input texts by hoping those words to
overlap with ground-truth texts. Hence, we design Text Hallucination Mitigating
(THAM) framework, which incorporates Text Hallucination Regularization (THR)
loss derived from the proposed information-theoretic text hallucination
measurement approach. Applying THAM with current dialogue systems validates the
effectiveness on VGD benchmarks (i.e., AVSD@DSTC7 and AVSD@DSTC8) and shows
enhanced interpretability. | cs.CL | Information-Theoretic Text Hallucination Reduction for Video-grounded Dialogue |
2022-12-12T08:32:28Z | http://arxiv.org/pdf/2212.05764v2 | http://arxiv.org/abs/2212.05764v2 | Ahmad Idrissi-Yaghir, Henning Schäfer, Nadja Bauer, Christoph M. Friedrich | 2023-03-08T12:29:29Z | cs.CL, cs.LG | Understanding customer feedback is becoming a necessity for companies to
identify problems and improve their products and services. Text classification
and sentiment analysis can play a major role in analyzing this data by using a
variety of machine and deep learning approaches. In this work, different
transformer-based models are utilized to explore how efficient these models are
when working with a German customer feedback dataset. In addition, these
pre-trained models are further analyzed to determine if adapting them to a
specific domain using unlabeled data can yield better results than
off-the-shelf pre-trained models. To evaluate the models, two downstream tasks
from the GermEval 2017 are considered. The experimental results show that
transformer-based models can reach significant improvements compared to a
fastText baseline and outperform the published scores and previous models. For
the subtask Relevance Classification, the best models achieve a micro-averaged
$F1$-Score of 96.1 % on the first test set and 95.9 % on the second one, and a
score of 85.1 % and 85.3 % for the subtask Polarity Classification. | cs.CL | Domain Adaptation of Transformer-Based Models using Unlabeled Data for Relevance and Polarity Classification of German Customer Feedback |
2022-12-12T08:28:22Z | http://arxiv.org/pdf/2212.05762v3 | http://arxiv.org/abs/2212.05762v3 | Minda Hu, Muzhi Li, Yasheng Wang, Irwin King | 2023-10-14T08:44:35Z | cs.CL, cs.AI | Existing pre-training methods for extractive Question Answering (QA) generate
cloze-like queries different from natural questions in syntax structure, which
could overfit pre-trained models to simple keyword matching. In order to
address this problem, we propose a novel Momentum Contrastive pRe-training fOr
queStion anSwering (MCROSS) method for extractive QA. Specifically, MCROSS
introduces a momentum contrastive learning framework to align the answer
probability between cloze-like and natural query-passage sample pairs. Hence,
the pre-trained models can better transfer the knowledge learned in cloze-like
samples to answering natural questions. Experimental results on three
benchmarking QA datasets show that our method achieves noticeable improvement
compared with all baselines in both supervised and zero-shot scenarios. | cs.CL | Momentum Contrastive Pre-training for Question Answering |
2022-12-12T07:37:45Z | http://arxiv.org/pdf/2212.05740v1 | http://arxiv.org/abs/2212.05740v1 | Yiwei Qin, Graham Neubig, Pengfei Liu | 2022-12-12T07:37:45Z | cs.CL | Recently, a large number of tuning strategies have been proposed to adapt
pre-trained language models to downstream tasks. In this paper, we perform an
extensive empirical evaluation of various tuning strategies for multilingual
learning, particularly in the context of text summarization. Specifically, we
explore the relative advantages of three families of multilingual tuning
strategies (a total of five models) and empirically evaluate them for
summarization over 45 languages. Experimentally, we not only established a new
state-of-the-art on the XL-Sum dataset but also derive a series of observations
that hopefully can provide hints for future research on the design of
multilingual tuning strategies. | cs.CL | Searching for Effective Multilingual Fine-Tuning Methods: A Case Study in Summarization |
2022-12-12T06:29:04Z | http://arxiv.org/pdf/2212.05726v1 | http://arxiv.org/abs/2212.05726v1 | Yiwei Qin, Weizhe Yuan, Graham Neubig, Pengfei Liu | 2022-12-12T06:29:04Z | cs.CL | Modern embedding-based metrics for evaluation of generated text generally
fall into one of two paradigms: discriminative metrics that are trained to
directly predict which outputs are of higher quality according to supervised
human annotations, and generative metrics that are trained to evaluate text
based on the probabilities of a generative model. Both have their advantages;
discriminative metrics are able to directly optimize for the problem of
distinguishing between good and bad outputs, while generative metrics can be
trained using abundant raw text. In this paper, we present a framework that
combines the best of both worlds, using both supervised and unsupervised
signals from whatever data we have available. We operationalize this idea by
training T5Score, a metric that uses these training signals with mT5 as the
backbone. We perform an extensive empirical comparison with other existing
metrics on 5 datasets, 19 languages and 280 systems, demonstrating the utility
of our method. Experimental results show that: T5Score achieves the best
performance on all datasets against existing top-scoring metrics at the segment
level. We release our code and models at https://github.com/qinyiwei/T5Score. | cs.CL | T5Score: Discriminative Fine-tuning of Generative Evaluation Metrics |
2022-12-12T05:55:07Z | http://arxiv.org/pdf/2301.00656v2 | http://arxiv.org/abs/2301.00656v2 | Lixin Cao, Jun Wang, Ben Yang, Dan Su, Dong Yu | 2023-03-14T12:23:33Z | eess.AS, cs.CL, cs.LG | Self-supervised learning (SSL) models confront challenges of abrupt
informational collapse or slow dimensional collapse. We propose TriNet, which
introduces a novel triple-branch architecture for preventing collapse and
stabilizing the pre-training. TriNet learns the SSL latent embedding space and
incorporates it to a higher level space for predicting pseudo target vectors
generated by a frozen teacher. Our experimental results show that the proposed
method notably stabilizes and accelerates pre-training and achieves a relative
word error rate reduction (WERR) of 6.06% compared to the state-of-the-art
(SOTA) Data2vec for a downstream benchmark ASR task. We will release our code
at https://github.com/tencent-ailab/. | eess.AS | TriNet: stabilizing self-supervised learning from complete or slow collapse on ASR |
2022-12-12T04:50:43Z | http://arxiv.org/pdf/2212.05702v1 | http://arxiv.org/abs/2212.05702v1 | Rahul Tangsali, Aabha Pingle, Aditya Vyawahare, Isha Joshi, Raviraj Joshi | 2022-12-12T04:50:43Z | cs.CL, cs.LG | The research on text summarization for low-resource Indian languages has been
limited due to the availability of relevant datasets. This paper presents a
summary of various deep-learning approaches used for the ILSUM 2022 Indic
language summarization datasets. The ISUM 2022 dataset consists of news
articles written in Indian English, Hindi, and Gujarati respectively, and their
ground-truth summarizations. In our work, we explore different pre-trained
seq2seq models and fine-tune those with the ILSUM 2022 datasets. In our case,
the fine-tuned SoTA PEGASUS model worked the best for English, the fine-tuned
IndicBART model with augmented data for Hindi, and again fine-tuned PEGASUS
model along with a translation mapping-based approach for Gujarati. Our scores
on the obtained inferences were evaluated using ROUGE-1, ROUGE-2, and ROUGE-4
as the evaluation metrics. | cs.CL | Implementing Deep Learning-Based Approaches for Article Summarization in Indian Languages |
2022-12-12T04:20:11Z | http://arxiv.org/pdf/2212.05696v1 | http://arxiv.org/abs/2212.05696v1 | Hanh Thi Hong Tran, Matej Martinc, Andraz Pelicon, Antoine Doucet, Senja Pollak | 2022-12-12T04:20:11Z | cs.CL, cs.IR | Automatic term extraction plays an essential role in domain language
understanding and several natural language processing downstream tasks. In this
paper, we propose a comparative study on the predictive power of
Transformers-based pretrained language models toward term extraction in a
multi-language cross-domain setting. Besides evaluating the ability of
monolingual models to extract single- and multi-word terms, we also experiment
with ensembles of mono- and multilingual models by conducting the intersection
or union on the term output sets of different language models. Our experiments
have been conducted on the ACTER corpus covering four specialized domains
(Corruption, Wind energy, Equitation, and Heart failure) and three languages
(English, French, and Dutch), and on the RSDO5 Slovenian corpus covering four
additional domains (Biomechanics, Chemistry, Veterinary, and Linguistics). The
results show that the strategy of employing monolingual models outperforms the
state-of-the-art approaches from the related work leveraging multilingual
models, regarding all the languages except Dutch and French if the term
extraction task excludes the extraction of named entity terms. Furthermore, by
combining the outputs of the two best performing models, we achieve significant
improvements. | cs.CL | Ensembling Transformers for Cross-domain Automatic Term Extraction |
2022-12-11T21:56:44Z | http://arxiv.org/pdf/2212.05613v3 | http://arxiv.org/abs/2212.05613v3 | Aravinda Kolla, Filip Ilievski, Hông-Ân Sandlin, Alain Mermoud | 2023-01-31T19:37:52Z | cs.CL, cs.AI | Considering the large amount of content created online by the minute,
slang-aware automatic tools are critically needed to promote social good, and
assist policymakers and moderators in restricting the spread of offensive
language, abuse, and hate speech. Despite the success of large language models
and the spontaneous emergence of slang dictionaries, it is unclear how far
their combination goes in terms of slang understanding for downstream social
good tasks. In this paper, we provide a framework to study different
combinations of representation learning models and knowledge resources for a
variety of downstream tasks that rely on slang understanding. Our experiments
show the superiority of models that have been pre-trained on social media data,
while the impact of dictionaries is positive only for static word embeddings.
Our error analysis identifies core challenges for slang representation
learning, including out-of-vocabulary words, polysemy, variance, and annotation
disagreements, which can be traced to characteristics of slang as a quickly
evolving and highly subjective language. | cs.CL | A Study of Slang Representation Methods |
2022-12-11T21:52:21Z | http://arxiv.org/pdf/2212.05612v3 | http://arxiv.org/abs/2212.05612v3 | Abhinav Kumar Thakur, Filip Ilievski, Hông-Ân Sandlin, Zhivar Sourati, Luca Luceri, Riccardo Tommasini, Alain Mermoud | 2023-04-07T00:57:16Z | cs.AI, cs.CL, cs.LG | In the current context where online platforms have been effectively
weaponized in a variety of geo-political events and social issues, Internet
memes make fair content moderation at scale even more difficult. Existing work
on meme classification and tracking has focused on black-box methods that do
not explicitly consider the semantics of the memes or the context of their
creation. In this paper, we pursue a modular and explainable architecture for
Internet meme understanding. We design and implement multimodal classification
methods that perform example- and prototype-based reasoning over training
cases, while leveraging both textual and visual SOTA models to represent the
individual cases. We study the relevance of our modular and explainable models
in detecting harmful memes on two existing tasks: Hate Speech Detection and
Misogyny Classification. We compare the performance between example- and
prototype-based methods, and between text, vision, and multimodal models,
across different categories of harmfulness (e.g., stereotype and
objectification). We devise a user-friendly interface that facilitates the
comparative analysis of examples retrieved by all of our models for any given
meme, informing the community about the strengths and limitations of these
explainable methods. | cs.AI | Multimodal and Explainable Internet Meme Classification |
2022-12-11T18:51:57Z | http://arxiv.org/pdf/2212.11109v1 | http://arxiv.org/abs/2212.11109v1 | Gyanendra Das, Xavier Thomas, Anant Raj, Vikram Gupta | 2022-12-11T18:51:57Z | cs.CV, cs.CL, cs.LG | A large number of annotated video-caption pairs are required for training
video captioning models, resulting in high annotation costs. Active learning
can be instrumental in reducing these annotation requirements. However, active
learning for video captioning is challenging because multiple semantically
similar captions are valid for a video, resulting in high entropy outputs even
for less-informative samples. Moreover, video captioning algorithms are
multimodal in nature with a visual encoder and language decoder. Further, the
sequential and combinatorial nature of the output makes the problem even more
challenging. In this paper, we introduce MAViC which leverages our proposed
Multimodal Semantics Aware Sequential Entropy (M-SASE) based acquisition
function to address the challenges of active learning approaches for video
captioning. Our approach integrates semantic similarity and uncertainty of both
visual and language dimensions in the acquisition function. Our detailed
experiments empirically demonstrate the efficacy of M-SASE for active learning
for video captioning and improve on the baselines by a large margin. | cs.CV | MAViC: Multimodal Active Learning for Video Captioning |
2022-12-11T18:41:02Z | http://arxiv.org/pdf/2212.11121v1 | http://arxiv.org/abs/2212.11121v1 | Olanrewaju Tahir Aduragba, Alexandra I. Cristea, Pete Phillips, Jonas Kurlberg, Jialin Yu | 2022-12-11T18:41:02Z | cs.CY, cs.AI, cs.CL, cs.SI | During the COVID-19 pandemic, the Church closed its physical doors for the
first time in about 800 years, which is, arguably, a cataclysmic event. Other
religions have found themselves in a similar situation, and they were
practically forced to move online, which is an unprecedented occasion. In this
paper, we analyse this sudden change in religious activities twofold: we create
and deliver a questionnaire, as well as analyse Twitter data, to understand
people's perceptions and activities related to religious activities online.
Importantly, we also analyse the temporal variations in this process by
analysing a period of 3 months: July-September 2020. Additionally to the
separate analysis of the two data sources, we also discuss the implications
from triangulating the results. | cs.CY | Religion and Spirituality on Social Media in the Aftermath of the Global Pandemic |
2022-12-11T18:32:00Z | http://arxiv.org/pdf/2212.08041v1 | http://arxiv.org/abs/2212.08041v1 | Mike Thelwall, Kayvan Kousha, Mahshid Abdoli, Emma Stuart, Meiko Makita, Paul Wilson, Jonathan Levitt | 2022-12-11T18:32:00Z | cs.CY, cs.CL, cs.GL, cs.IR, cs.LG | This document describes strategies for using Artificial Intelligence (AI) to
predict some journal article scores in future research assessment exercises.
Five strategies have been assessed. | cs.CY | Can REF output quality scores be assigned by AI? Experimental evidence |
2022-12-11T17:15:02Z | http://arxiv.org/pdf/2212.05546v3 | http://arxiv.org/abs/2212.05546v3 | Avijit Mitra, Richeek Pradhan, Rachel D Melamed, Kun Chen, David C Hoaglin, Katherine L Tucker, Joel I Reisman, Zhichao Yang, Weisong Liu, Jack Tsai, Hong Yu | 2022-12-28T05:43:52Z | cs.CL | Importance: Social determinants of health (SDOH) are known to be associated
with increased risk of suicidal behaviors, but few studies utilized SDOH from
unstructured electronic health record (EHR) notes.
Objective: To investigate associations between suicide and recent SDOH,
identified using structured and unstructured data.
Design: Nested case-control study.
Setting: EHR data from the US Veterans Health Administration (VHA).
Participants: 6,122,785 Veterans who received care in the US VHA between
October 1, 2010, and September 30, 2015.
Exposures: Occurrence of SDOH over a maximum span of two years compared with
no occurrence of SDOH.
Main Outcomes and Measures: Cases of suicide deaths were matched with 4
controls on birth year, cohort entry date, sex, and duration of follow-up. We
developed an NLP system to extract SDOH from unstructured notes. Structured
data, NLP on unstructured data, and combining them yielded six, eight and nine
SDOH respectively. Adjusted odds ratios (aORs) and 95% confidence intervals
(CIs) were estimated using conditional logistic regression.
Results: In our cohort, 8,821 Veterans committed suicide during 23,725,382
person-years of follow-up (incidence rate 37.18/100,000 person-years). Our
cohort was mostly male (92.23%) and white (76.99%). Across the five common SDOH
as covariates, NLP-extracted SDOH, on average, covered 80.03% of all SDOH
occurrences. All SDOH, measured by structured data and NLP, were significantly
associated with increased risk of suicide. The SDOH with the largest effects
was legal problems (aOR=2.66, 95% CI=.46-2.89), followed by violence (aOR=2.12,
95% CI=1.98-2.27). NLP-extracted and structured SDOH were also associated with
suicide.
Conclusions and Relevance: NLP-extracted SDOH were always significantly
associated with increased risk of suicide among Veterans, suggesting the
potential of NLP in public health studies. | cs.CL | Associations Between Natural Language Processing (NLP) Enriched Social Determinants of Health and Suicide Death among US Veterans |
2022-12-11T15:45:26Z | http://arxiv.org/pdf/2212.05525v3 | http://arxiv.org/abs/2212.05525v3 | Hongkuan Zhang, Edward Whittaker, Ikuo Kitagishi | 2023-10-16T16:11:58Z | cs.CL, cs.CV | Digitization of scanned receipts aims to extract text from receipt images and
save it into structured documents. This is usually split into two sub-tasks:
text localization and optical character recognition (OCR). Most existing OCR
models only focus on the cropped text instance images, which require the
bounding box information provided by a text region detection model. Introducing
an additional detector to identify the text instance images in advance adds
complexity, however instance-level OCR models have very low accuracy when
processing the whole image for the document-level OCR, such as receipt images
containing multiple text lines arranged in various layouts. To this end, we
propose a localization-free document-level OCR model for transcribing all the
characters in a receipt image into an ordered sequence end-to-end.
Specifically, we finetune the pretrained instance-level model TrOCR with
randomly cropped image chunks, and gradually increase the image chunk size to
generalize the recognition ability from instance images to full-page images. In
our experiments on the SROIE receipt OCR dataset, the model finetuned with our
strategy achieved 64.4 F1-score and a 22.8% character error rate (CER),
respectively, which outperforms the baseline results with 48.5 F1-score and
50.6% CER. The best model, which splits the full image into 15 equally sized
chunks, gives 87.8 F1-score and 4.98% CER with minimal additional pre or
post-processing of the output. Moreover, the characters in the generated
document-level sequences are arranged in the reading order, which is practical
for real-world applications. | cs.CL | Extending TrOCR for Text Localization-Free OCR of Full-Page Scanned Receipt Images |
2022-12-11T14:55:02Z | http://arxiv.org/pdf/2301.00657v1 | http://arxiv.org/abs/2301.00657v1 | Kailin Liang, Bin Liu, Yifan Hu, Rui Liu, Feilong Bao, Guanglai Gao | 2022-12-11T14:55:02Z | eess.AS, cs.AI, cs.CL | Text-to-Speech (TTS) synthesis for low-resource languages is an attractive
research issue in academia and industry nowadays. Mongolian is the official
language of the Inner Mongolia Autonomous Region and a representative
low-resource language spoken by over 10 million people worldwide. However,
there is a relative lack of open-source datasets for Mongolian TTS. Therefore,
we make public an open-source multi-speaker Mongolian TTS dataset, named
MnTTS2, for the benefit of related researchers. In this work, we prepare the
transcription from various topics and invite three professional Mongolian
announcers to form a three-speaker TTS dataset, in which each announcer records
10 hours of speeches in Mongolian, resulting 30 hours in total. Furthermore, we
build the baseline system based on the state-of-the-art FastSpeech2 model and
HiFi-GAN vocoder. The experimental results suggest that the constructed MnTTS2
dataset is sufficient to build robust multi-speaker TTS models for real-world
applications. The MnTTS2 dataset, training recipe, and pretrained models are
released at: \url{https://github.com/ssmlkl/MnTTS2} | eess.AS | MnTTS2: An Open-Source Multi-Speaker Mongolian Text-to-Speech Synthesis Dataset |
2022-12-11T13:43:22Z | http://arxiv.org/pdf/2212.05506v2 | http://arxiv.org/abs/2212.05506v2 | Tingyu Xia, Yue Wang, Yuan Tian, Yi Chang | 2022-12-15T01:07:43Z | cs.CL | Weakly-supervised text classification aims to train a classifier using only
class descriptions and unlabeled data. Recent research shows that
keyword-driven methods can achieve state-of-the-art performance on various
tasks. However, these methods not only rely on carefully-crafted class
descriptions to obtain class-specific keywords but also require substantial
amount of unlabeled data and takes a long time to train. This paper proposes
FastClass, an efficient weakly-supervised classification approach. It uses
dense text representation to retrieve class-relevant documents from external
unlabeled corpus and selects an optimal subset to train a classifier. Compared
to keyword-driven methods, our approach is less reliant on initial class
descriptions as it no longer needs to expand each class description into a set
of class-specific keywords. Experiments on a wide range of classification tasks
show that the proposed approach frequently outperforms keyword-driven models in
terms of classification accuracy and often enjoys orders-of-magnitude faster
training speed. | cs.CL | FastClass: A Time-Efficient Approach to Weakly-Supervised Text Classification |
2022-12-11T11:35:46Z | http://arxiv.org/pdf/2212.05479v1 | http://arxiv.org/abs/2212.05479v1 | Fethi Bougares, Salim Jouili | 2022-12-11T11:35:46Z | cs.CL, cs.AI, cs.LG | Speech translation (ST) is the task of directly translating acoustic speech
signals in a source language into text in a foreign language. ST task has been
addressed, for a long time, using a pipeline approach with two modules : first
an Automatic Speech Recognition (ASR) in the source language followed by a
text-to-text Machine translation (MT). In the past few years, we have seen a
paradigm shift towards the end-to-end approaches using sequence-to-sequence
deep neural network models. This paper presents our efforts towards the
development of the first Broadcast News end-to-end Arabic to English speech
translation system. Starting from independent ASR and MT LDC releases, we were
able to identify about 92 hours of Arabic audio recordings for which the manual
transcription was also translated into English at the segment level. These data
was used to train and compare pipeline and end-to-end speech translation
systems under multiple scenarios including transfer learning and data
augmentation techniques. | cs.CL | End-to-End Speech Translation of Arabic to English Broadcast News |
2022-12-11T06:49:29Z | http://arxiv.org/pdf/2212.05429v1 | http://arxiv.org/abs/2212.05429v1 | Mohamad Yaser Jaradeh, Markus Stocker, Sören Auer | 2022-12-11T06:49:29Z | cs.CL, cs.IR | Information extraction from scholarly articles is a challenging task due to
the sizable document length and implicit information hidden in text, figures,
and citations. Scholarly information extraction has various applications in
exploration, archival, and curation services for digital libraries and
knowledge management systems. We present MORTY, an information extraction
technique that creates structured summaries of text from scholarly articles.
Our approach condenses the article's full-text to property-value pairs as a
segmented text snippet called structured summary. We also present a sizable
scholarly dataset combining structured summaries retrieved from a scholarly
knowledge graph and corresponding publicly available scientific articles, which
we openly publish as a resource for the research community. Our results show
that structured summarization is a suitable approach for targeted information
extraction that complements other commonly used methods such as question
answering and named entity recognition. | cs.CL | MORTY: Structured Summarization for Targeted Information Extraction from Scholarly Articles |
2022-12-11T06:16:14Z | http://arxiv.org/pdf/2212.05421v3 | http://arxiv.org/abs/2212.05421v3 | Yougang Lyu, Piji Li, Yechang Yang, Maarten de Rijke, Pengjie Ren, Yukun Zhao, Dawei Yin, Zhaochun Ren | 2023-01-04T06:56:15Z | cs.CL | Natural language understanding (NLU) models often rely on dataset biases
rather than intended task-relevant features to achieve high performance on
specific datasets. As a result, these models perform poorly on datasets outside
the training distribution. Some recent studies address this issue by reducing
the weights of biased samples during the training process. However, these
methods still encode biased latent features in representations and neglect the
dynamic nature of bias, which hinders model prediction. We propose an NLU
debiasing method, named debiasing contrastive learning (DCT), to simultaneously
alleviate the above problems based on contrastive learning. We devise a
debiasing, positive sampling strategy to mitigate biased latent features by
selecting the least similar biased positive samples. We also propose a dynamic
negative sampling strategy to capture the dynamic influence of biases by
employing a bias-only model to dynamically select the most similar biased
negative samples. We conduct experiments on three NLU benchmark datasets.
Experimental results show that DCT outperforms state-of-the-art baselines on
out-of-distribution datasets while maintaining in-distribution performance. We
also verify that DCT can reduce biased latent features from the model's
representation. | cs.CL | Feature-Level Debiased Natural Language Understanding |
2022-12-11T04:45:50Z | http://arxiv.org/pdf/2212.05409v3 | http://arxiv.org/abs/2212.05409v3 | Sumanth Doddapaneni, Rahul Aralikatte, Gowtham Ramesh, Shreya Goyal, Mitesh M. Khapra, Anoop Kunchukuttan, Pratyush Kumar | 2023-05-24T17:05:16Z | cs.CL | Building Natural Language Understanding (NLU) capabilities for Indic
languages, which have a collective speaker base of more than one billion
speakers is absolutely crucial. In this work, we aim to improve the NLU
capabilities of Indic languages by making contributions along 3 important axes
(i) monolingual corpora (ii) NLU testsets (iii) multilingual LLMs focusing on
Indic languages. Specifically, we curate the largest monolingual corpora,
IndicCorp, with 20.9B tokens covering 24 languages from 4 language families - a
2.3x increase over prior work, while supporting 12 additional languages. Next,
we create a human-supervised benchmark, IndicXTREME, consisting of nine diverse
NLU tasks covering 20 languages. Across languages and tasks, IndicXTREME
contains a total of 105 evaluation sets, of which 52 are new contributions to
the literature. To the best of our knowledge, this is the first effort towards
creating a standard benchmark for Indic languages that aims to test the
multilingual zero-shot capabilities of pretrained language models. Finally, we
train IndicBERT v2, a state-of-the-art model supporting all the languages.
Averaged across languages and tasks, the model achieves an absolute improvement
of 2 points over a strong baseline. The data and models are available at
https://github.com/AI4Bharat/IndicBERT. | cs.CL | Towards Leaving No Indic Language Behind: Building Monolingual Corpora, Benchmark and Models for Indic Languages |
2022-12-11T02:05:30Z | http://arxiv.org/pdf/2301.04120v1 | http://arxiv.org/abs/2301.04120v1 | Yu-Wen Chen, Hsin-Min Wang, Yu Tsao | 2022-12-11T02:05:30Z | cs.NE, cs.AI, cs.CL, cs.LG, eess.AS | The performance of speech-processing models is heavily influenced by the
speech corpus that is used for training and evaluation. In this study, we
propose BAlanced Script PROducer (BASPRO) system, which can automatically
construct a phonetically balanced and rich set of Chinese sentences for
collecting Mandarin Chinese speech data. First, we used pretrained natural
language processing systems to extract ten-character candidate sentences from a
large corpus of Chinese news texts. Then, we applied a genetic algorithm-based
method to select 20 phonetically balanced sentence sets, each containing 20
sentences, from the candidate sentences. Using BASPRO, we obtained a recording
script called TMNews, which contains 400 ten-character sentences. TMNews covers
84% of the syllables used in the real world. Moreover, the syllable
distribution has 0.96 cosine similarity to the real-world syllable
distribution. We converted the script into a speech corpus using two
text-to-speech systems. Using the designed speech corpus, we tested the
performances of speech enhancement (SE) and automatic speech recognition (ASR),
which are one of the most important regression- and classification-based speech
processing tasks, respectively. The experimental results show that the SE and
ASR models trained on the designed speech corpus outperform their counterparts
trained on a randomly composed speech corpus. | cs.NE | BASPRO: a balanced script producer for speech corpus collection based on the genetic algorithm |
2022-12-10T22:32:28Z | http://arxiv.org/pdf/2212.05373v1 | http://arxiv.org/abs/2212.05373v1 | Yue Feng, Gerasimos Lampouras, Ignacio Iacobacci | 2022-12-10T22:32:28Z | cs.CL | To alleviate the problem of structured databases' limited coverage, recent
task-oriented dialogue systems incorporate external unstructured knowledge to
guide the generation of system responses. However, these usually use word or
sentence level similarities to detect the relevant knowledge context, which
only partially capture the topical level relevance. In this paper, we examine
how to better integrate topical information in knowledge grounded task-oriented
dialogue and propose ``Topic-Aware Response Generation'' (TARG), an end-to-end
response generation model. TARG incorporates multiple topic-aware attention
mechanisms to derive the importance weighting scheme over dialogue utterances
and external knowledge sources towards a better understanding of the dialogue
history. Experimental results indicate that TARG achieves state-of-the-art
performance in knowledge selection and response generation, outperforming
previous state-of-the-art by 3.2, 3.6, and 4.2 points in EM, F1 and BLEU-4
respectively on Doc2Dial, and performing comparably with previous work on
DSTC9; both being knowledge-grounded task-oriented dialogue datasets. | cs.CL | Topic-Aware Response Generation in Task-Oriented Dialogue with Unstructured Knowledge Access |
2022-12-10T19:54:53Z | http://arxiv.org/pdf/2212.05356v1 | http://arxiv.org/abs/2212.05356v1 | Abhinav Rao, Ho Thi-Nga, Chng Eng-Siong | 2022-12-10T19:54:53Z | cs.CL | This paper presents the work of restoring punctuation for ASR transcripts
generated by multilingual ASR systems. The focus languages are English,
Mandarin, and Malay which are three of the most popular languages in Singapore.
To the best of our knowledge, this is the first system that can tackle
punctuation restoration for these three languages simultaneously. Traditional
approaches usually treat the task as a sequential labeling task, however, this
work adopts a slot-filling approach that predicts the presence and type of
punctuation marks at each word boundary. The approach is similar to the
Masked-Language Model approach employed during the pre-training stages of BERT,
but instead of predicting the masked word, our model predicts masked
punctuation. Additionally, we find that using Jieba1 instead of only using the
built-in SentencePiece tokenizer of XLM-R can significantly improve the
performance of punctuating Mandarin transcripts. Experimental results on
English and Mandarin IWSLT2022 datasets and Malay News show that the proposed
approach achieved state-of-the-art results for Mandarin with 73.8% F1-score
while maintaining a reasonable F1-score for English and Malay, i.e. 74.7% and
78% respectively. Our source code that allows reproducing the results and
building a simple web-based application for demonstration purposes is available
on Github. | cs.CL | Punctuation Restoration for Singaporean Spoken Languages: English, Malay, and Mandarin |
2022-12-10T16:04:34Z | http://arxiv.org/pdf/2212.05327v1 | http://arxiv.org/abs/2212.05327v1 | Ruixuan Tang, Hanjie Chen, Yangfeng Ji | 2022-12-10T16:04:34Z | cs.CL, cs.AI | Some recent works observed the instability of post-hoc explanations when
input side perturbations are applied to the model. This raises the interest and
concern in the stability of post-hoc explanations. However, the remaining
question is: is the instability caused by the neural network model or the
post-hoc explanation method? This work explores the potential source that leads
to unstable post-hoc explanations. To separate the influence from the model, we
propose a simple output probability perturbation method. Compared to prior
input side perturbation methods, the output probability perturbation method can
circumvent the neural model's potential effect on the explanations and allow
the analysis on the explanation method. We evaluate the proposed method with
three widely-used post-hoc explanation methods (LIME (Ribeiro et al., 2016),
Kernel Shapley (Lundberg and Lee, 2017a), and Sample Shapley (Strumbelj and
Kononenko, 2010)). The results demonstrate that the post-hoc methods are
stable, barely producing discrepant explanations under output probability
perturbations. The observation suggests that neural network models may be the
primary source of fragile explanations. | cs.CL | Identifying the Source of Vulnerability in Explanation Discrepancy: A Case Study in Neural Text Classification |
2022-12-10T11:32:38Z | http://arxiv.org/pdf/2212.05276v1 | http://arxiv.org/abs/2212.05276v1 | Rami Aly, Andreas Vlachos | 2022-12-10T11:32:38Z | cs.CL | A key component of fact verification is thevevidence retrieval, often from
multiple documents. Recent approaches use dense representations and condition
the retrieval of each document on the previously retrieved ones. The latter
step is performed over all the documents in the collection, requiring storing
their dense representations in an index, thus incurring a high memory
footprint. An alternative paradigm is retrieve-and-rerank, where documents are
retrieved using methods such as BM25, their sentences are reranked, and further
documents are retrieved conditioned on these sentences, reducing the memory
requirements. However, such approaches can be brittle as they rely on
heuristics and assume hyperlinks between documents. We propose a novel
retrieve-and-rerank method for multi-hop retrieval, that consists of a
retriever that jointly scores documents in the knowledge source and sentences
from previously retrieved documents using an autoregressive formulation and is
guided by a proof system based on natural logic that dynamically terminates the
retrieval process if the evidence is deemed sufficient. This method is
competitive with current state-of-the-art methods on FEVER, HoVer and
FEVEROUS-S, while using $5$ to $10$ times less memory than competing systems.
Evaluation on an adversarial dataset indicates improved stability of our
approach compared to commonly deployed threshold-based methods. Finally, the
proof system helps humans predict model decisions correctly more often than
using the evidence alone. | cs.CL | Natural Logic-guided Autoregressive Multi-hop Document Retrieval for Fact Verification |
2022-12-10T10:06:05Z | http://arxiv.org/pdf/2212.05254v1 | http://arxiv.org/abs/2212.05254v1 | Qianyu He, Xintao Wang, Jiaqing Liang, Yanghua Xiao | 2022-12-10T10:06:05Z | cs.CL, cs.AI | The ability to understand and generate similes is an imperative step to
realize human-level AI. However, there is still a considerable gap between
machine intelligence and human cognition in similes, since deep models based on
statistical distribution tend to favour high-frequency similes. Hence, a
large-scale symbolic knowledge base of similes is required, as it contributes
to the modeling of diverse yet unpopular similes while facilitating additional
evaluation and reasoning. To bridge the gap, we propose a novel framework for
large-scale simile knowledge base construction, as well as two probabilistic
metrics which enable an improved understanding of simile phenomena in natural
language. Overall, we construct MAPS-KB, a million-scale probabilistic simile
knowledge base, covering 4.3 million triplets over 0.4 million terms from 70 GB
corpora. We conduct sufficient experiments to justify the effectiveness and
necessity of the methods of our framework. We also apply MAPS-KB on three
downstream tasks to achieve state-of-the-art performance, further demonstrating
the value of MAPS-KB. | cs.CL | MAPS-KB: A Million-scale Probabilistic Simile Knowledge Base |
2022-12-10T09:18:43Z | http://arxiv.org/pdf/2212.05251v2 | http://arxiv.org/abs/2212.05251v2 | Ruiqing Ding, Xiao Han, Leye Wang | 2023-06-05T08:14:47Z | cs.CL | By focusing the pre-training process on domain-specific corpora, some
domain-specific pre-trained language models (PLMs) have achieved
state-of-the-art results. However, it is under-investigated to design a unified
paradigm to inject domain knowledge in the PLM fine-tuning stage. We propose
KnowledgeDA, a unified domain language model development service to enhance the
task-specific training procedure with domain knowledge graphs. Given
domain-specific task texts input, KnowledgeDA can automatically generate a
domain-specific language model following three steps: (i) localize domain
knowledge entities in texts via an embedding-similarity approach; (ii) generate
augmented samples by retrieving replaceable domain entity pairs from two views
of both knowledge graph and training data; (iii) select high-quality augmented
samples for fine-tuning via confidence-based assessment. We implement a
prototype of KnowledgeDA to learn language models for two domains, healthcare
and software development. Experiments on domain-specific text classification
and QA tasks verify the effectiveness and generalizability of KnowledgeDA. | cs.CL | A Unified Knowledge Graph Augmentation Service for Boosting Domain-specific NLP Tasks |
2022-12-10T07:51:52Z | http://arxiv.org/pdf/2212.05238v1 | http://arxiv.org/abs/2212.05238v1 | Alexander Dunn, John Dagdelen, Nicholas Walker, Sanghoon Lee, Andrew S. Rosen, Gerbrand Ceder, Kristin Persson, Anubhav Jain | 2022-12-10T07:51:52Z | cs.CL, cond-mat.mtrl-sci, I.7.m | Intelligently extracting and linking complex scientific information from
unstructured text is a challenging endeavor particularly for those
inexperienced with natural language processing. Here, we present a simple
sequence-to-sequence approach to joint named entity recognition and relation
extraction for complex hierarchical information in scientific text. The
approach leverages a pre-trained large language model (LLM), GPT-3, that is
fine-tuned on approximately 500 pairs of prompts (inputs) and completions
(outputs). Information is extracted either from single sentences or across
sentences in abstracts/passages, and the output can be returned as simple
English sentences or a more structured format, such as a list of JSON objects.
We demonstrate that LLMs trained in this way are capable of accurately
extracting useful records of complex scientific knowledge for three
representative tasks in materials chemistry: linking dopants with their host
materials, cataloging metal-organic frameworks, and general
chemistry/phase/morphology/application information extraction. This approach
represents a simple, accessible, and highly-flexible route to obtaining large
databases of structured knowledge extracted from unstructured text. An online
demo is available at http://www.matscholar.com/info-extraction. | cs.CL | Structured information extraction from complex scientific text with fine-tuned large language models |
2022-12-10T06:30:54Z | http://arxiv.org/pdf/2212.05225v2 | http://arxiv.org/abs/2212.05225v2 | Hao Sun, Xiao Liu, Yeyun Gong, Anlei Dong, Jingwen Lu, Yan Zhang, Linjun Yang, Rangan Majumder, Nan Duan | 2023-12-11T09:41:29Z | cs.IR, cs.CL | Knowledge distillation is often used to transfer knowledge from a strong
teacher model to a relatively weak student model. Traditional methods include
response-based methods and feature-based methods. Response-based methods are
widely used but suffer from lower upper limits of performance due to their
ignorance of intermediate signals, while feature-based methods have constraints
on vocabularies, tokenizers and model architectures. In this paper, we propose
a liberal feature-based distillation method (LEAD). LEAD aligns the
distribution between the intermediate layers of teacher model and student
model, which is effective, extendable, portable and has no requirements on
vocabularies, tokenizers, or model architectures. Extensive experiments show
the effectiveness of LEAD on widely-used benchmarks, including MS MARCO Passage
Ranking, TREC 2019 DL Track, MS MARCO Document Ranking and TREC 2020 DL Track.
Our code is available in https://github.com/microsoft/SimXNS/tree/main/LEAD. | cs.IR | LEAD: Liberal Feature-based Distillation for Dense Retrieval |
2022-12-10T05:07:30Z | http://arxiv.org/pdf/2212.05206v2 | http://arxiv.org/abs/2212.05206v2 | Thilo Hagendorff, Sarah Fabi, Michal Kosinski | 2023-08-02T09:24:23Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) are currently at the forefront of intertwining
AI systems with human communication and everyday life. Therefore, it is of
great importance to evaluate their emerging abilities. In this study, we show
that LLMs like GPT-3 exhibit behavior that strikingly resembles human-like
intuition - and the cognitive errors that come with it. However, LLMs with
higher cognitive capabilities, in particular ChatGPT and GPT-4, learned to
avoid succumbing to these errors and perform in a hyperrational manner. For our
experiments, we probe LLMs with the Cognitive Reflection Test (CRT) as well as
semantic illusions that were originally designed to investigate intuitive
decision-making in humans. Our study demonstrates that investigating LLMs with
methods from psychology has the potential to reveal otherwise unknown emergent
traits. | cs.CL | Thinking Fast and Slow in Large Language Models |
2022-12-10T03:57:28Z | http://arxiv.org/pdf/2212.05194v1 | http://arxiv.org/abs/2212.05194v1 | Bin Li, Yixuan Weng, Qiya Song, Hanjun Deng | 2022-12-10T03:57:28Z | cs.CL, cs.AI | As the deep learning rapidly promote, the artificial texts created by
generative models are commonly used in news and social media. However, such
models can be abused to generate product reviews, fake news, and even fake
political content. The paper proposes a solution for the Russian Artificial
Text Detection in the Dialogue shared task 2022 (RuATD 2022) to distinguish
which model within the list is used to generate this text. We introduce the
DeBERTa pre-trained language model with multiple training strategies for this
shared task. Extensive experiments conducted on the RuATD dataset validate the
effectiveness of our proposed method. Moreover, our submission ranked second
place in the evaluation phase for RuATD 2022 (Multi-Class). | cs.CL | Artificial Text Detection with Multiple Training Strategies |
2022-12-09T23:49:00Z | http://arxiv.org/pdf/2212.05147v1 | http://arxiv.org/abs/2212.05147v1 | Olanrewaju Tahir Aduragba, Jialin Yu, Alexandra I. Cristea | 2022-12-09T23:49:00Z | cs.CL, cs.AI | Detecting personal health mentions on social media is essential to complement
existing health surveillance systems. However, annotating data for detecting
health mentions at a large scale is a challenging task. This research employs a
multitask learning framework to leverage available annotated data from a
related task to improve the performance on the main task to detect personal
health experiences mentioned in social media texts. Specifically, we focus on
incorporating emotional information into our target task by using emotion
detection as an auxiliary task. Our approach significantly improves a wide
range of personal health mention detection tasks compared to a strong
state-of-the-art baseline. | cs.CL | Multi-task Learning for Personal Health Mention Detection on Social Media |
2022-12-09T19:39:10Z | http://arxiv.org/pdf/2212.05093v1 | http://arxiv.org/abs/2212.05093v1 | Yinhong Liu, Yixuan Su, Ehsan Shareghi, Nigel Collier | 2022-12-09T19:39:10Z | cs.CL | Recent pre-trained language models have shown promising capabilities in
generating fluent and realistic natural language text. However, generating
multi-sentence text with global content planning has been a long-existing
research question. Current approaches for controlled text generation can hardly
address this issue, as they usually condition on single known control
attributes. In this study, we propose a low-cost yet effective framework which
explicitly models the global content plan of the generated text. Specifically,
it optimizes the joint distribution of the natural language sequence and the
global content plan in a plug-and-play manner. We conduct extensive experiments
on the well-established Recipe1M+ benchmark. Both automatic and human
evaluations verify that our model achieves the state-of-the-art performance on
the task of recipe generation | cs.CL | Plug-and-Play Recipe Generation with Content Planning |
2022-12-09T18:57:37Z | http://arxiv.org/pdf/2212.05055v2 | http://arxiv.org/abs/2212.05055v2 | Aran Komatsuzaki, Joan Puigcerver, James Lee-Thorp, Carlos Riquelme Ruiz, Basil Mustafa, Joshua Ainslie, Yi Tay, Mostafa Dehghani, Neil Houlsby | 2023-02-17T17:54:50Z | cs.LG, cs.CL, cs.CV | Training large, deep neural networks to convergence can be prohibitively
expensive. As a result, often only a small selection of popular, dense models
are reused across different contexts and tasks. Increasingly, sparsely
activated models, which seek to decouple model size from computation costs, are
becoming an attractive alternative to dense models. Although more efficient in
terms of quality and computation cost, sparse models remain data-hungry and
costly to train from scratch in the large scale regime. In this work, we
propose sparse upcycling -- a simple way to reuse sunk training costs by
initializing a sparsely activated Mixture-of-Experts model from a dense
checkpoint. We show that sparsely upcycled T5 Base, Large, and XL language
models and Vision Transformer Base and Large models, respectively,
significantly outperform their dense counterparts on SuperGLUE and ImageNet,
using only ~50% of the initial dense pretraining sunk cost. The upcycled models
also outperform sparse models trained from scratch on 100% of the initial dense
pretraining computation budget. | cs.LG | Sparse Upcycling: Training Mixture-of-Experts from Dense Checkpoints |
2022-12-09T18:38:41Z | http://arxiv.org/pdf/2212.05039v1 | http://arxiv.org/abs/2212.05039v1 | Olanrewaju Tahir Aduragba, Jialin Yu, Alexandra I. Cristea | 2022-12-09T18:38:41Z | cs.CL, cs.LG | The health mention classification (HMC) task is the process of identifying
and classifying mentions of health-related concepts in text. This can be useful
for identifying and tracking the spread of diseases through social media posts.
However, this is a non-trivial task. Here we build on recent studies suggesting
that using emotional information may improve upon this task. Our study results
in a framework for health mention classification that incorporates affective
features. We present two methods, an intermediate task fine-tuning approach
(implicit) and a multi-feature fusion approach (explicit) to incorporate
emotions into our target task of HMC. We evaluated our approach on 5
HMC-related datasets from different social media platforms including three from
Twitter, one from Reddit and another from a combination of social media
sources. Extensive experiments demonstrate that our approach results in
statistically significant performance gains on HMC tasks. By using the
multi-feature fusion approach, we achieve at least a 3% improvement in F1 score
over BERT baselines across all datasets. We also show that considering only
negative emotions does not significantly affect performance on the HMC task.
Additionally, our results indicate that HMC models infused with emotional
knowledge are an effective alternative, especially when other HMC datasets are
unavailable for domain-specific fine-tuning. The source code for our models is
freely available at https://github.com/tahirlanre/Emotion_PHM. | cs.CL | Incorporating Emotions into Health Mention Classification Task on Social Media |
2022-12-09T18:30:24Z | http://arxiv.org/pdf/2212.05032v3 | http://arxiv.org/abs/2212.05032v3 | Weixi Feng, Xuehai He, Tsu-Jui Fu, Varun Jampani, Arjun Akula, Pradyumna Narayana, Sugato Basu, Xin Eric Wang, William Yang Wang | 2023-02-28T23:46:24Z | cs.CV, cs.CL | Large-scale diffusion models have achieved state-of-the-art results on
text-to-image synthesis (T2I) tasks. Despite their ability to generate
high-quality yet creative images, we observe that attribution-binding and
compositional capabilities are still considered major challenging issues,
especially when involving multiple objects. In this work, we improve the
compositional skills of T2I models, specifically more accurate attribute
binding and better image compositions. To do this, we incorporate linguistic
structures with the diffusion guidance process based on the controllable
properties of manipulating cross-attention layers in diffusion-based T2I
models. We observe that keys and values in cross-attention layers have strong
semantic meanings associated with object layouts and content. Therefore, we can
better preserve the compositional semantics in the generated image by
manipulating the cross-attention representations based on linguistic insights.
Built upon Stable Diffusion, a SOTA T2I model, our structured cross-attention
design is efficient that requires no additional training samples. We achieve
better compositional skills in qualitative and quantitative results, leading to
a 5-8% advantage in head-to-head user comparison studies. Lastly, we conduct an
in-depth analysis to reveal potential causes of incorrect image compositions
and justify the properties of cross-attention layers in the generation process. | cs.CV | Training-Free Structured Diffusion Guidance for Compositional Text-to-Image Synthesis |
2022-12-09T17:54:28Z | http://arxiv.org/pdf/2212.05011v1 | http://arxiv.org/abs/2212.05011v1 | Ian Huang, Panos Achlioptas, Tianyi Zhang, Sergey Tulyakov, Minhyuk Sung, Leonidas Guibas | 2022-12-09T17:54:28Z | cs.CV, cs.CL | Natural language interaction is a promising direction for democratizing 3D
shape design. However, existing methods for text-driven 3D shape editing face
challenges in producing decoupled, local edits to 3D shapes. We address this
problem by learning disentangled latent representations that ground language in
3D geometry. To this end, we propose a complementary tool set including a novel
network architecture, a disentanglement loss, and a new editing procedure.
Additionally, to measure edit locality, we define a new metric that we call
part-wise edit precision. We show that our method outperforms existing SOTA
methods by 20% in terms of edit locality, and up to 6.6% in terms of language
reference resolution accuracy. Our work suggests that by solely disentangling
language representations, downstream 3D shape editing can become more local to
relevant parts, even if the model was never given explicit part-based
supervision. | cs.CV | LADIS: Language Disentanglement for 3D Shape Editing |
2022-12-09T16:35:14Z | http://arxiv.org/pdf/2212.04972v2 | http://arxiv.org/abs/2212.04972v2 | Jialiang Lin, Jiaxin Song, Zhangping Zhou, Yidong Chen, Xiaodong Shi | 2023-11-14T18:06:48Z | cs.DL, cs.AI, cs.CL, cs.LG | Open peer review is a growing trend in academic publications. Public access
to peer review data can benefit both the academic and publishing communities.
It also serves as a great support to studies on review comment generation and
further to the realization of automated scholarly paper review. However, most
of the existing peer review datasets do not provide data that cover the whole
peer review process. Apart from this, their data are not diversified enough as
the data are mainly collected from the field of computer science. These two
drawbacks of the currently available peer review datasets need to be addressed
to unlock more opportunities for related studies. In response, we construct
MOPRD, a multidisciplinary open peer review dataset. This dataset consists of
paper metadata, multiple version manuscripts, review comments, meta-reviews,
author's rebuttal letters, and editorial decisions. Moreover, we propose a
modular guided review comment generation method based on MOPRD. Experiments
show that our method delivers better performance as indicated by both automatic
metrics and human evaluation. We also explore other potential applications of
MOPRD, including meta-review generation, editorial decision prediction, author
rebuttal generation, and scientometric analysis. MOPRD is a strong endorsement
for further studies in peer review-related research and other applications. | cs.DL | MOPRD: A multidisciplinary open peer review dataset |
2022-12-09T16:32:11Z | http://arxiv.org/pdf/2212.06721v2 | http://arxiv.org/abs/2212.06721v2 | David Noever, Matt Ciolino | 2022-12-23T21:41:36Z | cs.LG, cs.AI, cs.CL | This research revisits the classic Turing test and compares recent large
language models such as ChatGPT for their abilities to reproduce human-level
comprehension and compelling text generation. Two task challenges --
summarization, and question answering -- prompt ChatGPT to produce original
content (98-99%) from a single text entry and also sequential questions
originally posed by Turing in 1950. We score the original and generated content
against the OpenAI GPT-2 Output Detector from 2019, and establish multiple
cases where the generated content proves original and undetectable (98%). The
question of a machine fooling a human judge recedes in this work relative to
the question of "how would one prove it?" The original contribution of the work
presents a metric and simple grammatical set for understanding the writing
mechanics of chatbots in evaluating their readability and statistical clarity,
engagement, delivery, and overall quality. While Turing's original prose scores
at least 14% below the machine-generated output, the question of whether an
algorithm displays hints of Turing's truly original thoughts (the "Lovelace
2.0" test) remains unanswered and potentially unanswerable for now. | cs.LG | The Turing Deception |
2022-12-09T15:45:57Z | http://arxiv.org/pdf/2212.08105v1 | http://arxiv.org/abs/2212.08105v1 | Xunzhu Tang, Rujie Zhu, Tiezhu Sun, Shi Wang | 2022-12-09T15:45:57Z | cs.CL, cs.AI | Recently, language representation techniques have achieved great performances
in text classification. However, most existing representation models are
specifically designed for English materials, which may fail in Chinese because
of the huge difference between these two languages. Actually, few existing
methods for Chinese text classification process texts at a single level.
However, as a special kind of hieroglyphics, radicals of Chinese characters are
good semantic carriers. In addition, Pinyin codes carry the semantic of tones,
and Wubi reflects the stroke structure information, \textit{etc}.
Unfortunately, previous researches neglected to find an effective way to
distill the useful parts of these four factors and to fuse them. In our works,
we propose a novel model called Moto: Enhancing Embedding with
\textbf{M}ultiple J\textbf{o}int Fac\textbf{to}rs. Specifically, we design an
attention mechanism to distill the useful parts by fusing the four-level
information above more effectively. We conduct extensive experiments on four
popular tasks. The empirical results show that our Moto achieves SOTA 0.8316
($F_1$-score, 2.11\% improvement) on Chinese news titles, 96.38 (1.24\%
improvement) on Fudan Corpus and 0.9633 (3.26\% improvement) on THUCNews. | cs.CL | Moto: Enhancing Embedding with Multiple Joint Factors for Chinese Text Classification |
2022-12-09T15:27:36Z | http://arxiv.org/pdf/2212.04917v1 | http://arxiv.org/abs/2212.04917v1 | Mor Ventura, Michael Toker | 2022-12-09T15:27:36Z | cs.CL, cs.AI | Even for us, it can be challenging to comprehend the meaning of songs. As
part of this project, we explore the process of generating the meaning of
songs. Despite the widespread use of text-to-text models, few attempts have
been made to achieve a similar objective. Songs are primarily studied in the
context of sentiment analysis. This involves identifying opinions and emotions
in texts, evaluating them as positive or negative, and utilizing these
evaluations to make music recommendations. In this paper, we present a
generative model that offers implicit meanings for several lines of a song. Our
model uses a decoder Transformer architecture GPT-2, where the input is the
lyrics of a song. Furthermore, we compared the performance of this architecture
with that of the encoder-decoder Transformer architecture of the T5 model. We
also examined the effect of different prompt types with the option of appending
additional information, such as the name of the artist and the title of the
song. Moreover, we tested different decoding methods with different training
parameters and evaluated our results using ROUGE. In order to build our
dataset, we utilized the 'Genious' API, which allowed us to acquire the lyrics
of songs and their explanations, as well as their rich metadata. | cs.CL | TRBLLmaker -- Transformer Reads Between Lyrics Lines maker |
2022-12-09T15:17:35Z | http://arxiv.org/pdf/2212.04909v1 | http://arxiv.org/abs/2212.04909v1 | Xunzhu Tang, Tiezhu Sun, Rujie Zhu, Shi Wang | 2022-12-09T15:17:35Z | cs.CL | Recently, neural language representation models pre-trained on large corpus
can capture rich co-occurrence information and be fine-tuned in downstream
tasks to improve the performance. As a result, they have achieved
state-of-the-art results in a large range of language tasks. However, there
exists other valuable semantic information such as similar, opposite, or other
possible meanings in external knowledge graphs (KGs). We argue that entities in
KGs could be used to enhance the correct semantic meaning of language
sentences. In this paper, we propose a new method CKG: Dynamic Representation
Based on \textbf{C}ontext and \textbf{K}nowledge \textbf{G}raph. On the one
side, CKG can extract rich semantic information of large corpus. On the other
side, it can make full use of inside information such as co-occurrence in large
corpus and outside information such as similar entities in KGs. We conduct
extensive experiments on a wide range of tasks, including QQP, MRPC, SST-5,
SQuAD, CoNLL 2003, and SNLI. The experiment results show that CKG achieves SOTA
89.2 on SQuAD compared with SAN (84.4), ELMo (85.8), and BERT$_{Base}$ (88.5). | cs.CL | CKG: Dynamic Representation Based on Context and Knowledge Graph |
2022-12-09T12:06:15Z | http://arxiv.org/pdf/2212.04800v3 | http://arxiv.org/abs/2212.04800v3 | Ngoc Dang Nguyen, Wei Tan, Wray Buntine, Richard Beare, Changyou Chen, Lan Du | 2023-04-13T18:52:56Z | cs.CL, cs.LG | Current work in named entity recognition (NER) uses either cross entropy (CE)
or conditional random fields (CRF) as the objective/loss functions to optimize
the underlying NER model. Both of these traditional objective functions for the
NER problem generally produce adequate performance when the data distribution
is balanced and there are sufficient annotated training examples. But since NER
is inherently an imbalanced tagging problem, the model performance under the
low-resource settings could suffer using these standard objective functions.
Based on recent advances in area under the ROC curve (AUC) maximization, we
propose to optimize the NER model by maximizing the AUC score. We give evidence
that by simply combining two binary-classifiers that maximize the AUC score,
significant performance improvement over traditional loss functions is achieved
under low-resource NER settings. We also conduct extensive experiments to
demonstrate the advantages of our method under the low-resource and
highly-imbalanced data distribution settings. To the best of our knowledge,
this is the first work that brings AUC maximization to the NER setting.
Furthermore, we show that our method is agnostic to different types of NER
embeddings, models and domains. The code to replicate this work will be
provided upon request. | cs.CL | AUC Maximization for Low-Resource Named Entity Recognition |
2022-12-09T10:43:15Z | http://arxiv.org/pdf/2212.04765v1 | http://arxiv.org/abs/2212.04765v1 | Giuseppe Russo, Manoel Horta Ribeiro, Giona Casiraghi, Luca Verginer | 2022-12-09T10:43:15Z | cs.SI, cs.CL, physics.soc-ph, stat.AP | The proliferation of radical online communities and their violent offshoots
has sparked great societal concern. However, the current practice of banning
such communities from mainstream platforms has unintended consequences: (I) the
further radicalization of their members in fringe platforms where they migrate;
and (ii) the spillover of harmful content from fringe back onto mainstream
platforms. Here, in a large observational study on two banned subreddits,
r/The\_Donald and r/fatpeoplehate, we examine how factors associated with the
RECRO radicalization framework relate to users' migration decisions.
Specifically, we quantify how these factors affect users' decisions to post on
fringe platforms and, for those who do, whether they continue posting on the
mainstream platform. Our results show that individual-level factors, those
relating to the behavior of users, are associated with the decision to post on
the fringe platform. Whereas social-level factors, users' connection with the
radical community, only affect the propensity to be coactive on both platforms.
Overall, our findings pave the way for evidence-based moderation policies, as
the decisions to migrate and remain coactive amplify unintended consequences of
community bans. | cs.SI | Understanding Online Migration Decisions Following the Banning of Radical Communities |
2022-12-09T10:21:56Z | http://arxiv.org/pdf/2212.04755v3 | http://arxiv.org/abs/2212.04755v3 | Weiwen Xu, Xin Li, Wenxuan Zhang, Meng Zhou, Wai Lam, Luo Si, Lidong Bing | 2023-10-16T05:45:30Z | cs.CL | We present Pre-trained Machine Reader (PMR), a novel method for retrofitting
pre-trained masked language models (MLMs) to pre-trained machine reading
comprehension (MRC) models without acquiring labeled data. PMR can resolve the
discrepancy between model pre-training and downstream fine-tuning of existing
MLMs. To build the proposed PMR, we constructed a large volume of
general-purpose and high-quality MRC-style training data by using Wikipedia
hyperlinks and designed a Wiki Anchor Extraction task to guide the MRC-style
pre-training. Apart from its simplicity, PMR effectively solves extraction
tasks, such as Extractive Question Answering and Named Entity Recognition. PMR
shows tremendous improvements over existing approaches, especially in
low-resource scenarios. When applied to the sequence classification task in the
MRC formulation, PMR enables the extraction of high-quality rationales to
explain the classification process, thereby providing greater prediction
explainability. PMR also has the potential to serve as a unified model for
tackling various extraction and classification tasks in the MRC formulation. | cs.CL | From Cloze to Comprehension: Retrofitting Pre-trained Masked Language Model to Pre-trained Machine Reader |
2022-12-09T09:10:19Z | http://arxiv.org/pdf/2212.04734v1 | http://arxiv.org/abs/2212.04734v1 | Hyeonbin Hwang, Haanju Yoo, Yera Choi | 2022-12-09T09:10:19Z | cs.LG, cs.AI, cs.CL | We propose Medical Entity Definition-based Sentence Embedding (MED-SE), a
novel unsupervised contrastive learning framework designed for clinical texts,
which exploits the definitions of medical entities. To this end, we conduct an
extensive analysis of multiple sentence embedding techniques in clinical
semantic textual similarity (STS) settings. In the entity-centric setting that
we have designed, MED-SE achieves significantly better performance, while the
existing unsupervised methods including SimCSE show degraded performance. Our
experiments elucidate the inherent discrepancies between the general- and
clinical-domain texts, and suggest that entity-centric contrastive approaches
may help bridge this gap and lead to a better representation of clinical
sentences. | cs.LG | MED-SE: Medical Entity Definition-based Sentence Embedding |
2022-12-09T06:33:49Z | http://arxiv.org/pdf/2212.04688v1 | http://arxiv.org/abs/2212.04688v1 | Keshav Kapur, Rajitha Harikrishnan | 2022-12-09T06:33:49Z | cs.CL, cs.AI | There is a vast amount of data generated every second due to the rapidly
growing technology in the current world. This area of research attempts to
determine the feelings or opinions of people on social media posts. The dataset
we used was a multi-source dataset from the comment section of various social
networking sites like Twitter, Reddit, etc. Natural Language Processing
Techniques were employed to perform sentiment analysis on the obtained dataset.
In this paper, we provide a comparative analysis using techniques of
lexicon-based, machine learning and deep learning approaches. The Machine
Learning algorithm used in this work is Naive Bayes, the Lexicon-based approach
used in this work is TextBlob, and the deep-learning algorithm used in this
work is LSTM. | cs.CL | Comparative Study of Sentiment Analysis for Multi-Sourced Social Media Platforms |
2022-12-09T03:29:38Z | http://arxiv.org/pdf/2212.05970v3 | http://arxiv.org/abs/2212.05970v3 | Sayem Mohammad Imtiaz, Fraol Batole, Astha Singh, Rangeet Pan, Breno Dantas Cruz, Hridesh Rajan | 2023-02-09T11:33:25Z | cs.SE, cs.CL, cs.LG | Can we take a recurrent neural network (RNN) trained to translate between
languages and augment it to support a new natural language without retraining
the model from scratch? Can we fix the faulty behavior of the RNN by replacing
portions associated with the faulty behavior? Recent works on decomposing a
fully connected neural network (FCNN) and convolutional neural network (CNN)
into modules have shown the value of engineering deep models in this manner,
which is standard in traditional SE but foreign for deep learning models.
However, prior works focus on the image-based multiclass classification
problems and cannot be applied to RNN due to (a) different layer structures,
(b) loop structures, (c) different types of input-output architectures, and (d)
usage of both nonlinear and logistic activation functions. In this work, we
propose the first approach to decompose an RNN into modules. We study different
types of RNNs, i.e., Vanilla, LSTM, and GRU. Further, we show how such RNN
modules can be reused and replaced in various scenarios. We evaluate our
approach against 5 canonical datasets (i.e., Math QA, Brown Corpus,
Wiki-toxicity, Clinc OOS, and Tatoeba) and 4 model variants for each dataset.
We found that decomposing a trained model has a small cost (Accuracy: -0.6%,
BLEU score: +0.10%). Also, the decomposed modules can be reused and replaced
without needing to retrain. | cs.SE | Decomposing a Recurrent Neural Network into Modules for Enabling Reusability and Replacement |
2022-12-09T02:19:07Z | http://arxiv.org/pdf/2212.04634v3 | http://arxiv.org/abs/2212.04634v3 | Yuxin Wang, Jieru Lin, Zhiwei Yu, Wei Hu, Börje F. Karlsson | 2023-09-12T17:38:30Z | cs.CL, cs.AI | Storytelling and narrative are fundamental to human experience, intertwined
with our social and cultural engagement. As such, researchers have long
attempted to create systems that can generate stories automatically. In recent
years, powered by deep learning and massive data resources, automatic story
generation has shown significant advances. However, considerable challenges,
like the need for global coherence in generated stories, still hamper
generative models from reaching the same storytelling ability as human
narrators. To tackle these challenges, many studies seek to inject structured
knowledge into the generation process, which is referred to as structured
knowledge-enhanced story generation. Incorporating external knowledge can
enhance the logical coherence among story events, achieve better knowledge
grounding, and alleviate over-generalization and repetition problems in
stories. This survey provides the latest and comprehensive review of this
research field: (i) we present a systematic taxonomy regarding how existing
methods integrate structured knowledge into story generation; (ii) we summarize
involved story corpora, structured knowledge datasets, and evaluation metrics;
(iii) we give multidimensional insights into the challenges of
knowledge-enhanced story generation and cast light on promising directions for
future study. | cs.CL | Open-world Story Generation with Structured Knowledge Enhancement: A Comprehensive Survey |
2022-12-09T00:29:37Z | http://arxiv.org/pdf/2212.04611v1 | http://arxiv.org/abs/2212.04611v1 | Shiyang Lai | 2022-12-09T00:29:37Z | cs.LG, cs.CL, stat.ME | This supplementary paper aims to introduce the Multidimensional Service
Quality Scoring System (MSQs), a review-based method for quantifying host
service quality mentioned and employed in the paper Exit and transition:
Exploring the survival status of Airbnb listings in a time of
professionalization. MSQs is not an end-to-end implementation and is
essentially composed of three pipelines, namely Data Collection and
Preprocessing, Objects Recognition and Grouping, and Aspect-based Service
Scoring. Using the study mentioned above as a case, the technical details of
MSQs are explained in this article. | cs.LG | Multidimensional Service Quality Scoring System |
2022-12-08T23:23:39Z | http://arxiv.org/pdf/2212.08104v1 | http://arxiv.org/abs/2212.08104v1 | Alexandre Blanco-Gonzalez, Alfonso Cabezon, Alejandro Seco-Gonzalez, Daniel Conde-Torres, Paula Antelo-Riveiro, Angel Pineiro, Rebeca Garcia-Fandino | 2022-12-08T23:23:39Z | cs.CL, cs.AI, cs.CY | Artificial intelligence (AI) has the potential to revolutionize the drug
discovery process, offering improved efficiency, accuracy, and speed. However,
the successful application of AI is dependent on the availability of
high-quality data, the addressing of ethical concerns, and the recognition of
the limitations of AI-based approaches. In this article, the benefits,
challenges and drawbacks of AI in this field are reviewed, and possible
strategies and approaches for overcoming the present obstacles are proposed.
The use of data augmentation, explainable AI, and the integration of AI with
traditional experimental methods, as well as the potential advantages of AI in
pharmaceutical research are also discussed. Overall, this review highlights the
potential of AI in drug discovery and provides insights into the challenges and
opportunities for realizing its potential in this field.
Note from the human-authors: This article was created to test the ability of
ChatGPT, a chatbot based on the GPT-3.5 language model, to assist human authors
in writing review articles. The text generated by the AI following our
instructions (see Supporting Information) was used as a starting point, and its
ability to automatically generate content was evaluated. After conducting a
thorough review, human authors practically rewrote the manuscript, striving to
maintain a balance between the original proposal and scientific criteria. The
advantages and limitations of using AI for this purpose are discussed in the
last section. | cs.CL | The Role of AI in Drug Discovery: Challenges, Opportunities, and Strategies |
2022-12-08T22:57:18Z | http://arxiv.org/pdf/2212.04595v1 | http://arxiv.org/abs/2212.04595v1 | Aman Agarwal | 2022-12-08T22:57:18Z | cs.CL | Sentence simplification aims at making the structure of text easier to read
and understand while maintaining its original meaning. This can be helpful for
people with disabilities, new language learners, or those with low literacy.
Simplification often involves removing difficult words and rephrasing the
sentence. Previous research have focused on tackling this task by either using
external linguistic databases for simplification or by using control tokens for
desired fine-tuning of sentences. However, in this paper we purely use
pre-trained transformer models. We experiment with a combination of GPT-2 and
BERT models, achieving the best SARI score of 46.80 on the Mechanical Turk
dataset, which is significantly better than previous state-of-the-art results.
The code can be found at https://github.com/amanbasu/sentence-simplification. | cs.CL | Explain to me like I am five -- Sentence Simplification Using Transformers |
2022-12-08T20:14:10Z | http://arxiv.org/pdf/2212.08111v1 | http://arxiv.org/abs/2212.08111v1 | Noor Fazilla Abd Yusof, Chenghua Lin | 2022-12-08T20:14:10Z | cs.CL, cs.AI | Despite the importance of emphasizing the right psychotherapy treatment for
an individual patient, assessing the outcome of the therapy session is equally
crucial. Evidence showed that continuous monitoring patient's progress can
significantly improve the therapy outcomes to an expected change. By monitoring
the outcome, the patient's progress can be tracked closely to help clinicians
identify patients who are not progressing in the treatment. These monitoring
can help the clinician to consider any necessary actions for the patient's
treatment as early as possible, e.g., recommend different types of treatment,
or adjust the style of approach. Currently, the evaluation system is based on
the clinical-rated and self-report questionnaires that measure patients'
progress pre- and post-treatment. While outcome monitoring tends to improve the
therapy outcomes, however, there are many challenges in the current method,
e.g. time and financial burden for administering questionnaires, scoring and
analysing the results. Therefore, a computational method for measuring and
monitoring patient progress over the course of treatment is needed, in order to
enhance the likelihood of positive treatment outcome. Moreover, this
computational method could potentially lead to an inexpensive monitoring tool
to evaluate patients' progress in clinical care that could be administered by a
wider range of health-care professionals. | cs.CL | Routine Outcome Monitoring in Psychotherapy Treatment using Sentiment-Topic Modelling Approach |
2022-12-08T20:08:49Z | http://arxiv.org/pdf/2212.04542v1 | http://arxiv.org/abs/2212.04542v1 | Yonatan Bitton, Ron Yosef, Eli Strugo, Dafna Shahaf, Roy Schwartz, Gabriel Stanovsky | 2022-12-08T20:08:49Z | cs.CV, cs.AI, cs.CL | A core process in human cognition is analogical mapping: the ability to
identify a similar relational structure between different situations. We
introduce a novel task, Visual Analogies of Situation Recognition, adapting the
classical word-analogy task into the visual domain. Given a triplet of images,
the task is to select an image candidate B' that completes the analogy (A to A'
is like B to what?). Unlike previous work on visual analogy that focused on
simple image transformations, we tackle complex analogies requiring
understanding of scenes.
We leverage situation recognition annotations and the CLIP model to generate
a large set of 500k candidate analogies. Crowdsourced annotations for a sample
of the data indicate that humans agree with the dataset label ~80% of the time
(chance level 25%). Furthermore, we use human annotations to create a
gold-standard dataset of 3,820 validated analogies. Our experiments demonstrate
that state-of-the-art models do well when distractors are chosen randomly
(~86%), but struggle with carefully chosen distractors (~53%, compared to 90%
human accuracy). We hope our dataset will encourage the development of new
analogy-making models. Website: https://vasr-dataset.github.io/ | cs.CV | VASR: Visual Analogies of Situation Recognition |
2022-12-08T19:10:46Z | http://arxiv.org/pdf/2212.04523v2 | http://arxiv.org/abs/2212.04523v2 | Bingzhi Li, Guillaume Wisniewski, Benoît Crabbé | 2023-01-04T13:06:16Z | cs.CL | The long-distance agreement, evidence for syntactic structure, is
increasingly used to assess the syntactic generalization of Neural Language
Models. Much work has shown that transformers are capable of high accuracy in
varied agreement tasks, but the mechanisms by which the models accomplish this
behavior are still not well understood. To better understand transformers'
internal working, this work contrasts how they handle two superficially similar
but theoretically distinct agreement phenomena: subject-verb and object-past
participle agreement in French. Using probing and counterfactual analysis
methods, our experiments show that i) the agreement task suffers from several
confounders which partially question the conclusions drawn so far and ii)
transformers handle subject-verb and object-past participle agreements in a way
that is consistent with their modeling in theoretical linguistics. | cs.CL | Assessing the Capacity of Transformer to Abstract Syntactic Representations: A Contrastive Analysis Based on Long-distance Agreement |
2022-12-08T17:07:09Z | http://arxiv.org/pdf/2212.04408v1 | http://arxiv.org/abs/2212.04408v1 | Jinze Bai, Rui Men, Hao Yang, Xuancheng Ren, Kai Dang, Yichang Zhang, Xiaohuan Zhou, Peng Wang, Sinan Tan, An Yang, Zeyu Cui, Yu Han, Shuai Bai, Wenbin Ge, Jianxin Ma, Junyang Lin, Jingren Zhou, Chang Zhou | 2022-12-08T17:07:09Z | cs.CV, cs.AI, cs.CL, cs.LG | Generalist models, which are capable of performing diverse multi-modal tasks
in a task-agnostic way within a single model, have been explored recently.
Being, hopefully, an alternative to approaching general-purpose AI, existing
generalist models are still at an early stage, where modality and task coverage
is limited. To empower multi-modal task-scaling and speed up this line of
research, we release a generalist model learning system, OFASys, built on top
of a declarative task interface named multi-modal instruction. At the core of
OFASys is the idea of decoupling multi-modal task representations from the
underlying model implementations. In OFASys, a task involving multiple
modalities can be defined declaratively even with just a single line of code.
The system automatically generates task plans from such instructions for
training and inference. It also facilitates multi-task training for diverse
multi-modal workloads. As a starting point, we provide presets of 7 different
modalities and 23 highly-diverse example tasks in OFASys, with which we also
develop a first-in-kind, single model, OFA+, that can handle text, image,
speech, video, and motion data. The single OFA+ model achieves 95% performance
in average with only 16% parameters of 15 task-finetuned models, showcasing the
performance reliability of multi-modal task-scaling provided by OFASys.
Available at https://github.com/OFA-Sys/OFASys | cs.CV | OFASys: A Multi-Modal Multi-Task Learning System for Building Generalist Models |
2022-12-08T16:27:54Z | http://arxiv.org/pdf/2212.04385v2 | http://arxiv.org/abs/2212.04385v2 | Dong An, Yuankai Qi, Yangguang Li, Yan Huang, Liang Wang, Tieniu Tan, Jing Shao | 2023-08-03T09:39:00Z | cs.CV, cs.AI, cs.CL, cs.RO | Large-scale pre-training has shown promising results on the
vision-and-language navigation (VLN) task. However, most existing pre-training
methods employ discrete panoramas to learn visual-textual associations. This
requires the model to implicitly correlate incomplete, duplicate observations
within the panoramas, which may impair an agent's spatial understanding. Thus,
we propose a new map-based pre-training paradigm that is spatial-aware for use
in VLN. Concretely, we build a local metric map to explicitly aggregate
incomplete observations and remove duplicates, while modeling navigation
dependency in a global topological map. This hybrid design can balance the
demand of VLN for both short-term reasoning and long-term planning. Then, based
on the hybrid map, we devise a pre-training framework to learn a multimodal map
representation, which enhances spatial-aware cross-modal reasoning thereby
facilitating the language-guided navigation goal. Extensive experiments
demonstrate the effectiveness of the map-based pre-training route for VLN, and
the proposed method achieves state-of-the-art on four VLN benchmarks. | cs.CV | BEVBert: Multimodal Map Pre-training for Language-guided Navigation |
2022-12-08T15:42:38Z | http://arxiv.org/pdf/2212.04348v1 | http://arxiv.org/abs/2212.04348v1 | Hien Huynh, Tomas O. Lentz, Emiel van Miltenburg | 2022-12-08T15:42:38Z | cs.CL, cs.AI | This case study investigates the extent to which a language model (GPT-2) is
able to capture native speakers' intuitions about implicit causality in a
sentence completion task. We first reproduce earlier results (showing lower
surprisal values for pronouns that are congruent with either the subject or
object, depending on which one corresponds to the implicit causality bias of
the verb), and then examine the effects of gender and verb frequency on model
performance. Our second study examines the reasoning ability of GPT-2: is the
model able to produce more sensible motivations for why the subject VERBed the
object if the verbs have stronger causality biases? We also developed a
methodology to avoid human raters being biased by obscenities and disfluencies
generated by the model. | cs.CL | Implicit causality in GPT-2: a case study |
2022-12-08T14:07:21Z | http://arxiv.org/pdf/2212.04277v1 | http://arxiv.org/abs/2212.04277v1 | Alicia von Schenk, Victor Klockmann, Jean-François Bonnefon, Iyad Rahwan, Nils Köbis | 2022-12-08T14:07:21Z | econ.GN, cs.AI, cs.CL, q-fin.EC | People are not very good at detecting lies, which may explain why they
refrain from accusing others of lying, given the social costs attached to false
accusations - both for the accuser and the accused. Here we consider how this
social balance might be disrupted by the availability of lie-detection
algorithms powered by Artificial Intelligence. Will people elect to use lie
detection algorithms that perform better than humans, and if so, will they show
less restraint in their accusations? We built a machine learning classifier
whose accuracy (67\%) was significantly better than human accuracy (50\%) in a
lie-detection task and conducted an incentivized lie-detection experiment in
which we measured participants' propensity to use the algorithm, as well as the
impact of that use on accusation rates. We find that the few people (33\%) who
elect to use the algorithm drastically increase their accusation rates (from
25\% in the baseline condition up to 86% when the algorithm flags a statement
as a lie). They make more false accusations (18pp increase), but at the same
time, the probability of a lie remaining undetected is much lower in this group
(36pp decrease). We consider individual motivations for using lie detection
algorithms and the social implications of these algorithms. | econ.GN | Lie detection algorithms attract few users but vastly increase accusation rates |
2022-12-08T13:57:06Z | http://arxiv.org/pdf/2212.04272v1 | http://arxiv.org/abs/2212.04272v1 | Vítor Lourenço, Aline Paes | 2022-12-08T13:57:06Z | cs.LG, cs.AI, cs.CL, cs.SI | The widespread of false information is a rising concern worldwide with
critical social impact, inspiring the emergence of fact-checking organizations
to mitigate misinformation dissemination. However, human-driven verification
leads to a time-consuming task and a bottleneck to have checked trustworthy
information at the same pace they emerge. Since misinformation relates not only
to the content itself but also to other social features, this paper addresses
automatic misinformation checking in social networks from a multimodal
perspective. Moreover, as simply naming a piece of news as incorrect may not
convince the citizen and, even worse, strengthen confirmation bias, the
proposal is a modality-level explainable-prone misinformation classifier
framework. Our framework comprises a misinformation classifier assisted by
explainable methods to generate modality-oriented explainable inferences.
Preliminary findings show that the misinformation classifier does benefit from
multimodal information encoding and the modality-oriented explainable mechanism
increases both inferences' interpretability and completeness. | cs.LG | A Modality-level Explainable Framework for Misinformation Checking in Social Networks |
2022-12-08T13:27:37Z | http://arxiv.org/pdf/2212.04262v1 | http://arxiv.org/abs/2212.04262v1 | Zhaocong Li, Xuebo Liu, Derek F. Wong, Lidia S. Chao, Min Zhang | 2022-12-08T13:27:37Z | cs.CL, cs.AI, cs.LG | Transfer learning is a simple and powerful method that can be used to boost
model performance of low-resource neural machine translation (NMT). Existing
transfer learning methods for NMT are static, which simply transfer knowledge
from a parent model to a child model once via parameter initialization. In this
paper, we propose a novel transfer learning method for NMT, namely ConsistTL,
which can continuously transfer knowledge from the parent model during the
training of the child model. Specifically, for each training instance of the
child model, ConsistTL constructs the semantically-equivalent instance for the
parent model and encourages prediction consistency between the parent and child
for this instance, which is equivalent to the child model learning each
instance under the guidance of the parent model. Experimental results on five
low-resource NMT tasks demonstrate that ConsistTL results in significant
improvements over strong transfer learning baselines, with a gain up to 1.7
BLEU over the existing back-translation model on the widely-used WMT17
Turkish-English benchmark. Further analysis reveals that ConsistTL can improve
the inference calibration of the child model. Code and scripts are freely
available at https://github.com/NLP2CT/ConsistTL. | cs.CL | ConsistTL: Modeling Consistency in Transfer Learning for Low-Resource Neural Machine Translation |
2022-12-08T13:12:10Z | http://arxiv.org/pdf/2212.04257v1 | http://arxiv.org/abs/2212.04257v1 | Xingxing Zhang, Yiran Liu, Xun Wang, Pengcheng He, Yang Yu, Si-Qing Chen, Wayne Xiong, Furu Wei | 2022-12-08T13:12:10Z | cs.CL, cs.LG | The input and output of most text generation tasks can be transformed to two
sequences of tokens and they can be modeled using sequence-to-sequence learning
modeling tools such as Transformers. These models are usually trained by
maximizing the likelihood the output text sequence and assumes the input
sequence and all gold preceding tokens are given during training, while during
inference the model suffers from the exposure bias problem (i.e., it only has
access to its previously predicted tokens rather gold tokens during beam
search). In this paper, we propose MoCa ({\bf Mo}mentum {\bf Ca}libration) for
text generation. MoCa is an online method that dynamically generates slowly
evolving (but consistent) samples using a momentum moving average generator
with beam search and MoCa learns to align its model scores of these samples
with their actual qualities. Experiments on four text generation datasets
(i.e., CNN/DailyMail, XSum, SAMSum and Gigaword) show MoCa consistently
improves strong pre-trained transformers using vanilla fine-tuning and we
achieve the state-of-the-art results on CNN/DailyMail and SAMSum datasets. | cs.CL | Momentum Calibration for Text Generation |
2022-12-08T12:28:23Z | http://arxiv.org/pdf/2212.04231v2 | http://arxiv.org/abs/2212.04231v2 | Björn Plüster, Jakob Ambsdorf, Lukas Braach, Jae Hee Lee, Stefan Wermter | 2023-03-29T08:48:35Z | cs.CV, cs.CL | Natural language explanations promise to offer intuitively understandable
explanations of a neural network's decision process in complex vision-language
tasks, as pursued in recent VL-NLE models. While current models offer
impressive performance on task accuracy and explanation plausibility, they
suffer from a range of issues: Some models feature a modular design where the
explanation generation module is poorly integrated with a separate module for
task-answer prediction, employ backbone models trained on limited sets of
tasks, or incorporate ad hoc solutions to increase performance on single
datasets. We propose to evade these limitations by applying recent advances in
large-scale multi-task pretraining of generative Transformer models to the
problem of VL-NLE tasks. Our approach outperforms recent models by a large
margin, with human annotators preferring the generated explanations over the
ground truth in two out of three evaluated datasets. As a novel challenge in
VL-NLE research, we propose the problem of multi-task VL-NLE and show that
jointly training on multiple tasks can increase the explanation quality. We
discuss the ethical implications of high-quality NLE generation and other
issues in recent VL-NLE research. | cs.CV | Harnessing the Power of Multi-Task Pretraining for Ground-Truth Level Natural Language Explanations |
2022-12-08T12:00:26Z | http://arxiv.org/pdf/2212.04219v1 | http://arxiv.org/abs/2212.04219v1 | Nai Ding | 2022-12-08T12:00:26Z | cs.CL, q-bio.NC | A recent perspective paper by Kazanina & Tavano (referred to as the KT
perspective in the following) argues how neural oscillations cannot provide a
potential neural correlate for syntactic structure building. The view that
neural oscillations can provide a potential neural correlate for syntactic
structure building is largely attributed to a study by Ding, Melloni, Zhang,
Tian, and Poeppel in 2016 (referred to as the DMZTP study).
The KT perspective is thought provoking, but has severe misinterpretations
about the arguments in DMZTP and other studies, and contains contradictory
conclusions in different parts of the perspective, making it impossible to
understand the position of the authors. In the following, I summarize a few
misinterpretations and inconsistent arguments in the KT perspective, and put
forward a few suggestions for future studies. | cs.CL | The Neural Correlates of Linguistic Structure Building: Comments on Kazanina & Tavano (2022) |
2022-12-08T11:53:12Z | http://arxiv.org/pdf/2212.04214v1 | http://arxiv.org/abs/2212.04214v1 | Xiuying Chen, Mingzhe Li, Shen Gao, Rui Yan, Xin Gao, Xiangliang Zhang | 2022-12-08T11:53:12Z | cs.CL | In a citation graph, adjacent paper nodes share related scientific terms and
topics. The graph thus conveys unique structure information of document-level
relatedness that can be utilized in the paper summarization task, for exploring
beyond the intra-document information. In this work, we focus on leveraging
citation graphs to improve scientific paper extractive summarization under
different settings. We first propose a Multi-granularity Unsupervised
Summarization model (MUS) as a simple and low-cost solution to the task. MUS
finetunes a pre-trained encoder model on the citation graph by link prediction
tasks. Then, the abstract sentences are extracted from the corresponding paper
considering multi-granularity information. Preliminary results demonstrate that
citation graph is helpful even in a simple unsupervised framework. Motivated by
this, we next propose a Graph-based Supervised Summarization model (GSS) to
achieve more accurate results on the task when large-scale labeled data are
available. Apart from employing the link prediction as an auxiliary task, GSS
introduces a gated sentence encoder and a graph information fusion module to
take advantage of the graph information to polish the sentence representation.
Experiments on a public benchmark dataset show that MUS and GSS bring
substantial improvements over the prior state-of-the-art model. | cs.CL | Scientific Paper Extractive Summarization Enhanced by Citation Graphs |
2022-12-08T11:40:31Z | http://arxiv.org/pdf/2212.04205v2 | http://arxiv.org/abs/2212.04205v2 | Jianhao Yan, Jin Xu, Fandong Meng, Jie Zhou, Yue Zhang | 2023-05-18T04:06:50Z | cs.CL | Minimum Bayesian Risk Decoding (MBR) emerges as a promising decoding
algorithm in Neural Machine Translation. However, MBR performs poorly with
label smoothing, which is surprising as label smoothing provides decent
improvement with beam search and improves generality in various tasks. In this
work, we show that the issue arises from the un-consistency of label smoothing
on the token-level and sequence-level distributions. We demonstrate that even
though label smoothing only causes a slight change in the token-level, the
sequence-level distribution is highly skewed. We coin the issue
\emph{autoregressive over-smoothness}. To address this issue, we propose a
simple and effective method, Distributional Cooling MBR (DC-MBR), which
manipulates the entropy of output distributions by tuning down the Softmax
temperature. We theoretically prove the equivalence between pre-tuning label
smoothing factor and distributional cooling. Extensive experiments on NMT
benchmarks validate that distributional cooling improves MBR in various
settings. | cs.CL | DC-MBR: Distributional Cooling for Minimum Bayesian Risk Decoding |
2022-12-08T10:54:31Z | http://arxiv.org/pdf/2212.04185v1 | http://arxiv.org/abs/2212.04185v1 | Zilin Lin, Kasper Welbers, Susan Vermeer, Damian Trilling | 2022-12-08T10:54:31Z | cs.CL | In the contemporary media landscape, with the vast and diverse supply of
news, it is increasingly challenging to study such an enormous amount of items
without a standardized framework. Although attempts have been made to organize
and compare news items on the basis of news values, news genres receive little
attention, especially the genres in a news consumer's perception. Yet,
perceived news genres serve as an essential component in exploring how news has
developed, as well as a precondition for understanding media effects. We
approach this concept by conceptualizing and operationalizing a non-discrete
framework for mapping news items in terms of genre cues. As a starting point,
we propose a preliminary set of dimensions consisting of "factuality" and
"formality". To automatically analyze a large amount of news items, we deliver
two computational models for predicting news sentences in terms of the said two
dimensions. Such predictions could then be used for locating news items within
our framework. This proposed approach that positions news items upon a
multidimensional grid helps in deepening our insight into the evolving nature
of news genres. | cs.CL | Beyond Discrete Genres: Mapping News Items onto a Multidimensional Framework of Genre Cues |
2022-12-08T07:29:07Z | http://arxiv.org/pdf/2212.04119v2 | http://arxiv.org/abs/2212.04119v2 | Young-Jun Lee, Byungsoo Ko, Han-Gyu Kim, Jonghwan Hyeon, Ho-Jin Choi | 2024-03-29T15:27:47Z | cs.CV, cs.CL | As sharing images in an instant message is a crucial factor, there has been
active research on learning an image-text multi-modal dialogue models. However,
training a well-generalized multi-modal dialogue model remains challenging due
to the low quality and limited diversity of images per dialogue in existing
multi-modal dialogue datasets. In this paper, we propose an automated pipeline
to construct a multi-modal dialogue dataset, ensuring both dialogue quality and
image diversity without requiring minimum human effort. In our pipeline, to
guarantee the coherence between images and dialogue, we prompt GPT-4 to infer
potential image-sharing moments - specifically, the utterance, speaker,
rationale, and image description. Furthermore, we leverage CLIP similarity to
maintain consistency between aligned multiple images to the utterance. Through
this pipeline, we introduce DialogCC, a high-quality and diverse multi-modal
dialogue dataset that surpasses existing datasets in terms of quality and
diversity in human evaluation. Our comprehensive experiments highlight that
when multi-modal dialogue models are trained using our dataset, their
generalization performance on unseen dialogue datasets is significantly
enhanced. We make our source code and dataset publicly available. | cs.CV | DialogCC: An Automated Pipeline for Creating High-Quality Multi-Modal Dialogue Dataset |
2022-12-08T06:03:38Z | http://arxiv.org/pdf/2212.04092v1 | http://arxiv.org/abs/2212.04092v1 | Dheeru Dua, Shivanshu Gupta, Sameer Singh, Matt Gardner | 2022-12-08T06:03:38Z | cs.CL | Answering complex questions that require making latent decisions is a
challenging task, especially when limited supervision is available. Recent
works leverage the capabilities of large language models (LMs) to perform
complex question answering in a few-shot setting by demonstrating how to output
intermediate rationalizations while solving the complex question in a single
pass. We introduce ``Successive Prompting'', where we iteratively break down a
complex task into a simple task, solve it, and then repeat the process until we
get the final solution. Successive prompting decouples the supervision for
decomposing complex questions from the supervision for answering simple
questions, allowing us to (1) have multiple opportunities to query in-context
examples at each reasoning step (2) learn question decomposition separately
from question answering, including using synthetic data, and (3) use bespoke
(fine-tuned) components for reasoning steps where a large LM does not perform
well. The intermediate supervision is typically manually written, which can be
expensive to collect. We introduce a way to generate a synthetic dataset which
can be used to bootstrap a model's ability to decompose and answer intermediate
questions. Our best model (with successive prompting) achieves an improvement
of ~5% absolute F1 on a few-shot version of the DROP dataset when compared with
a state-of-the-art model with the same supervision. | cs.CL | Successive Prompting for Decomposing Complex Questions |
2022-12-08T05:50:53Z | http://arxiv.org/pdf/2212.04089v3 | http://arxiv.org/abs/2212.04089v3 | Gabriel Ilharco, Marco Tulio Ribeiro, Mitchell Wortsman, Suchin Gururangan, Ludwig Schmidt, Hannaneh Hajishirzi, Ali Farhadi | 2023-03-31T15:27:01Z | cs.LG, cs.CL, cs.CV | Changing how pre-trained models behave -- e.g., improving their performance
on a downstream task or mitigating biases learned during pre-training -- is a
common practice when developing machine learning systems. In this work, we
propose a new paradigm for steering the behavior of neural networks, centered
around \textit{task vectors}. A task vector specifies a direction in the weight
space of a pre-trained model, such that movement in that direction improves
performance on the task. We build task vectors by subtracting the weights of a
pre-trained model from the weights of the same model after fine-tuning on a
task. We show that these task vectors can be modified and combined together
through arithmetic operations such as negation and addition, and the behavior
of the resulting model is steered accordingly. Negating a task vector decreases
performance on the target task, with little change in model behavior on control
tasks. Moreover, adding task vectors together can improve performance on
multiple tasks at once. Finally, when tasks are linked by an analogy
relationship of the form ``A is to B as C is to D", combining task vectors from
three of the tasks can improve performance on the fourth, even when no data
from the fourth task is used for training. Overall, our experiments with
several models, modalities and tasks show that task arithmetic is a simple,
efficient and effective way of editing models. | cs.LG | Editing Models with Task Arithmetic |
2022-12-08T05:46:32Z | http://arxiv.org/pdf/2212.04088v3 | http://arxiv.org/abs/2212.04088v3 | Chan Hee Song, Jiaman Wu, Clayton Washington, Brian M. Sadler, Wei-Lun Chao, Yu Su | 2023-03-30T04:50:44Z | cs.AI, cs.CL, cs.CV, cs.LG, cs.RO | This study focuses on using large language models (LLMs) as a planner for
embodied agents that can follow natural language instructions to complete
complex tasks in a visually-perceived environment. The high data cost and poor
sample efficiency of existing methods hinders the development of versatile
agents that are capable of many tasks and can learn new tasks quickly. In this
work, we propose a novel method, LLM-Planner, that harnesses the power of large
language models to do few-shot planning for embodied agents. We further propose
a simple but effective way to enhance LLMs with physical grounding to generate
and update plans that are grounded in the current environment. Experiments on
the ALFRED dataset show that our method can achieve very competitive few-shot
performance: Despite using less than 0.5% of paired training data, LLM-Planner
achieves competitive performance with recent baselines that are trained using
the full training data. Existing methods can barely complete any task
successfully under the same few-shot setting. Our work opens the door for
developing versatile and sample-efficient embodied agents that can quickly
learn many tasks. Website: https://dki-lab.github.io/LLM-Planner | cs.AI | LLM-Planner: Few-Shot Grounded Planning for Embodied Agents with Large Language Models |
2022-12-08T04:51:54Z | http://arxiv.org/pdf/2212.04072v1 | http://arxiv.org/abs/2212.04072v1 | Azade Mohammadi, Reza Ramezani, Ahmad Baraani | 2022-12-08T04:51:54Z | cs.CL | Machine reading comprehension (MRC) is a long-standing topic in natural
language processing (NLP). The MRC task aims to answer a question based on the
given context. Recently studies focus on multi-hop MRC which is a more
challenging extension of MRC, which to answer a question some disjoint pieces
of information across the context are required. Due to the complexity and
importance of multi-hop MRC, a large number of studies have been focused on
this topic in recent years, therefore, it is necessary and worth reviewing the
related literature. This study aims to investigate recent advances in the
multi-hop MRC approaches based on 31 studies from 2018 to 2022. In this regard,
first, the multi-hop MRC problem definition will be introduced, then 31 models
will be reviewed in detail with a strong focus on their multi-hop aspects. They
also will be categorized based on their main techniques. Finally, a fine-grain
comprehensive comparison of the models and techniques will be presented. | cs.CL | A Comprehensive Survey on Multi-hop Machine Reading Comprehension Approaches |
2022-12-08T04:42:59Z | http://arxiv.org/pdf/2212.04070v1 | http://arxiv.org/abs/2212.04070v1 | Azade Mohammadi, Reza Ramezani, Ahmad Baraani | 2022-12-08T04:42:59Z | cs.CL, cs.LG | Multi-hop Machine reading comprehension is a challenging task with aim of
answering a question based on disjoint pieces of information across the
different passages. The evaluation metrics and datasets are a vital part of
multi-hop MRC because it is not possible to train and evaluate models without
them, also, the proposed challenges by datasets often are an important
motivation for improving the existing models. Due to increasing attention to
this field, it is necessary and worth reviewing them in detail. This study aims
to present a comprehensive survey on recent advances in multi-hop MRC
evaluation metrics and datasets. In this regard, first, the multi-hop MRC
problem definition will be presented, then the evaluation metrics based on
their multi-hop aspect will be investigated. Also, 15 multi-hop datasets have
been reviewed in detail from 2017 to 2022, and a comprehensive analysis has
been prepared at the end. Finally, open issues in this field have been
discussed. | cs.CL | A Comprehensive Survey on Multi-hop Machine Reading Comprehension Datasets and Metrics |
2022-12-08T04:37:29Z | http://arxiv.org/pdf/2212.04068v3 | http://arxiv.org/abs/2212.04068v3 | Xiaotian Zhang, Yanjun Zheng, Hang Yan, Xipeng Qiu | 2023-05-21T14:55:37Z | cs.CL, cs.AI | While pre-trained Chinese language models have demonstrated impressive
performance on a wide range of NLP tasks, the Chinese Spell Checking (CSC) task
remains a challenge. Previous research has explored using information such as
glyphs and phonetics to improve the ability to distinguish misspelled
characters, with good results. However, the generalization ability of these
models is not well understood: it is unclear whether they incorporate
glyph-phonetic information and, if so, whether this information is fully
utilized. In this paper, we aim to better understand the role of glyph-phonetic
information in the CSC task and suggest directions for improvement.
Additionally, we propose a new, more challenging, and practical setting for
testing the generalizability of CSC models. All code is made publicly
available. | cs.CL | Investigating Glyph Phonetic Information for Chinese Spell Checking: What Works and What's Next |
2022-12-08T03:29:04Z | http://arxiv.org/pdf/2212.04054v2 | http://arxiv.org/abs/2212.04054v2 | Gaoxiang Cong, Liang Li, Yuankai Qi, Zhengjun Zha, Qi Wu, Wenyu Wang, Bin Jiang, Ming-Hsuan Yang, Qingming Huang | 2023-04-04T11:33:30Z | cs.CL, cs.SD, eess.AS | Given a piece of text, a video clip and a reference audio, the movie dubbing
(also known as visual voice clone V2C) task aims to generate speeches that
match the speaker's emotion presented in the video using the desired speaker
voice as reference. V2C is more challenging than conventional text-to-speech
tasks as it additionally requires the generated speech to exactly match the
varying emotions and speaking speed presented in the video. Unlike previous
works, we propose a novel movie dubbing architecture to tackle these problems
via hierarchical prosody modelling, which bridges the visual information to
corresponding speech prosody from three aspects: lip, face, and scene.
Specifically, we align lip movement to the speech duration, and convey facial
expression to speech energy and pitch via attention mechanism based on valence
and arousal representations inspired by recent psychology findings. Moreover,
we design an emotion booster to capture the atmosphere from global video
scenes. All these embeddings together are used to generate mel-spectrogram and
then convert to speech waves via existing vocoder. Extensive experimental
results on the Chem and V2C benchmark datasets demonstrate the favorable
performance of the proposed method. The source code and trained models will be
released to the public. | cs.CL | Learning to Dub Movies via Hierarchical Prosody Models |
2022-12-08T02:21:47Z | http://arxiv.org/pdf/2212.04037v1 | http://arxiv.org/abs/2212.04037v1 | Hila Gonen, Srini Iyer, Terra Blevins, Noah A. Smith, Luke Zettlemoyer | 2022-12-08T02:21:47Z | cs.CL | Language models can be prompted to perform a wide variety of zero- and
few-shot learning problems. However, performance varies significantly with the
choice of prompt, and we do not yet understand why this happens or how to pick
the best prompts. In this work, we analyze the factors that contribute to this
variance and establish a new empirical hypothesis: the performance of a prompt
is coupled with the extent to which the model is familiar with the language it
contains. Over a wide range of tasks, we show that the lower the perplexity of
the prompt is, the better the prompt is able to perform the task. As a result,
we devise a method for creating prompts: (1) automatically extend a small seed
set of manually written prompts by paraphrasing using GPT3 and backtranslation
and (2) choose the lowest perplexity prompts to get significant gains in
performance. | cs.CL | Demystifying Prompts in Language Models via Perplexity Estimation |
2022-12-07T23:21:36Z | http://arxiv.org/pdf/2212.04001v1 | http://arxiv.org/abs/2212.04001v1 | Beichen Zhang, Frank Schilder, Kelly Helm Smith, Michael J. Hayes, Sherri Harms, Tsegaye Tadesse | 2022-12-07T23:21:36Z | cs.CL, cs.LG | Acquiring a better understanding of drought impacts becomes increasingly
vital under a warming climate. Traditional drought indices describe mainly
biophysical variables and not impacts on social, economic, and environmental
systems. We utilized natural language processing and bidirectional encoder
representation from Transformers (BERT) based transfer learning to fine-tune
the model on the data from the news-based Drought Impact Report (DIR) and then
apply it to recognize seven types of drought impacts based on the filtered
Twitter data from the United States. Our model achieved a satisfying macro-F1
score of 0.89 on the DIR test set. The model was then applied to California
tweets and validated with keyword-based labels. The macro-F1 score was 0.58.
However, due to the limitation of keywords, we also spot-checked tweets with
controversial labels. 83.5% of BERT labels were correct compared to the keyword
labels. Overall, the fine-tuned BERT-based recognizer provided proper
predictions and valuable information on drought impacts. The interpretation and
analysis of the model were consistent with experiential domain expertise. | cs.CL | TweetDrought: A Deep-Learning Drought Impacts Recognizer based on Twitter Data |
2022-12-07T18:17:56Z | http://arxiv.org/pdf/2212.03827v2 | http://arxiv.org/abs/2212.03827v2 | Collin Burns, Haotian Ye, Dan Klein, Jacob Steinhardt | 2024-03-02T21:33:53Z | cs.CL, cs.AI, cs.LG | Existing techniques for training language models can be misaligned with the
truth: if we train models with imitation learning, they may reproduce errors
that humans make; if we train them to generate text that humans rate highly,
they may output errors that human evaluators can't detect. We propose
circumventing this issue by directly finding latent knowledge inside the
internal activations of a language model in a purely unsupervised way.
Specifically, we introduce a method for accurately answering yes-no questions
given only unlabeled model activations. It works by finding a direction in
activation space that satisfies logical consistency properties, such as that a
statement and its negation have opposite truth values. We show that despite
using no supervision and no model outputs, our method can recover diverse
knowledge represented in large language models: across 6 models and 10
question-answering datasets, it outperforms zero-shot accuracy by 4\% on
average. We also find that it cuts prompt sensitivity in half and continues to
maintain high accuracy even when models are prompted to generate incorrect
answers. Our results provide an initial step toward discovering what language
models know, distinct from what they say, even when we don't have access to
explicit ground truth labels. | cs.CL | Discovering Latent Knowledge in Language Models Without Supervision |