publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2023-01-03T03:26:26Z | http://arxiv.org/pdf/2301.00818v1 | http://arxiv.org/abs/2301.00818v1 | Zhongtao Chen, Chenghu Mi, Siwei Duo, Jingfei He, Yatong Zhou | 2023-01-03T03:26:26Z | cs.CL | Text clustering and topic extraction are two important tasks in text mining.
Usually, these two tasks are performed separately. For topic extraction to
facilitate clustering, we can first project texts into a topic space and then
perform a clustering algorithm to obtain clusters. To promote topic extraction
by clustering, we can first obtain clusters with a clustering algorithm and
then extract cluster-specific topics. However, this naive strategy ignores the
fact that text clustering and topic extraction are strongly correlated and
follow a chicken-and-egg relationship. Performing them separately fails to make
them mutually benefit each other to achieve the best overall performance. In
this paper, we propose an unsupervised text clustering and topic extraction
framework (ClusTop) which integrates text clustering and topic extraction into
a unified framework and can achieve high-quality clustering result and extract
topics from each cluster simultaneously. Our framework includes four
components: enhanced language model training, dimensionality reduction,
clustering and topic extraction, where the enhanced language model can be
viewed as a bridge between clustering and topic extraction. On one hand, it
provides text embeddings with a strong cluster structure which facilitates
effective text clustering; on the other hand, it pays high attention on the
topic related words for topic extraction because of its self-attention
architecture. Moreover, the training of enhanced language model is
unsupervised. Experiments on two datasets demonstrate the effectiveness of our
framework and provide benchmarks for different model combinations in this
framework. | cs.CL | ClusTop: An unsupervised and integrated text clustering and topic extraction framework |
2023-01-02T22:15:04Z | http://arxiv.org/pdf/2301.00891v1 | http://arxiv.org/abs/2301.00891v1 | Samiran Gode, Supreeth Bare, Bhiksha Raj, Hyungon Yoo | 2023-01-02T22:15:04Z | cs.CL | Our paper aims to analyze political polarization in US political system using
Language Models, and thereby help candidates make an informed decision. The
availability of this information will help voters understand their candidates
views on the economy, healthcare, education and other social issues. Our main
contributions are a dataset extracted from Wikipedia that spans the past 120
years and a Language model based method that helps analyze how polarized a
candidate is. Our data is divided into 2 parts, background information and
political information about a candidate, since our hypothesis is that the
political views of a candidate should be based on reason and be independent of
factors such as birthplace, alma mater, etc. We further split this data into 4
phases chronologically, to help understand if and how the polarization amongst
candidates changes. This data has been cleaned to remove biases. To understand
the polarization we begin by showing results from some classical language
models in Word2Vec and Doc2Vec. And then use more powerful techniques like the
Longformer, a transformer based encoder, to assimilate more information and
find the nearest neighbors of each candidate based on their political view and
their background. | cs.CL | Understanding Political Polarisation using Language Models: A dataset and method |
2023-01-02T21:08:27Z | http://arxiv.org/pdf/2301.00876v3 | http://arxiv.org/abs/2301.00876v3 | Steven H. Wang, Antoine Scardigli, Leonard Tang, Wei Chen, Dimitry Levkin, Anya Chen, Spencer Ball, Thomas Woodside, Oliver Zhang, Dan Hendrycks | 2023-11-24T14:24:01Z | cs.CL | Reading comprehension of legal text can be a particularly challenging task
due to the length and complexity of legal clauses and a shortage of
expert-annotated datasets. To address this challenge, we introduce the Merger
Agreement Understanding Dataset (MAUD), an expert-annotated reading
comprehension dataset based on the American Bar Association's 2021 Public
Target Deal Points Study, with over 39,000 examples and over 47,000 total
annotations. Our fine-tuned Transformer baselines show promising results, with
models performing well above random on most questions. However, on a large
subset of questions, there is still room for significant improvement. As the
only expert-annotated merger agreement dataset, MAUD is valuable as a benchmark
for both the legal profession and the NLP community. | cs.CL | MAUD: An Expert-Annotated Legal NLP Dataset for Merger Agreement Understanding |
2023-01-02T20:29:40Z | http://arxiv.org/pdf/2301.00867v1 | http://arxiv.org/abs/2301.00867v1 | Xiuying Chen, Mingzhe Li, Shen Gao, Zhangming Chan, Dongyan Zhao, Xin Gao, Xiangliang Zhang, Rui Yan | 2023-01-02T20:29:40Z | cs.CL | Nowadays, time-stamped web documents related to a general news query floods
spread throughout the Internet, and timeline summarization targets concisely
summarizing the evolution trajectory of events along the timeline. Unlike
traditional document summarization, timeline summarization needs to model the
time series information of the input events and summarize important events in
chronological order. To tackle this challenge, in this paper, we propose a
Unified Timeline Summarizer (UTS) that can generate abstractive and extractive
timeline summaries in time order. Concretely, in the encoder part, we propose a
graph-based event encoder that relates multiple events according to their
content dependency and learns a global representation of each event. In the
decoder part, to ensure the chronological order of the abstractive summary, we
propose to extract the feature of event-level attention in its generation
process with sequential information remained and use it to simulate the
evolutionary attention of the ground truth summary. The event-level attention
can also be used to assist in extracting summary, where the extracted summary
also comes in time sequence. We augment the previous Chinese large-scale
timeline summarization dataset and collect a new English timeline dataset.
Extensive experiments conducted on these datasets and on the out-of-domain
Timeline 17 dataset show that UTS achieves state-of-the-art performance in
terms of both automatic and human evaluations. | cs.CL | Follow the Timeline! Generating Abstractive and Extractive Timeline Summary in Chronological Order |
2023-01-02T18:27:10Z | http://arxiv.org/pdf/2301.00792v1 | http://arxiv.org/abs/2301.00792v1 | Francisco Valentini, Germán Rosati, Diego Fernandez Slezak, Edgar Altszyler | 2023-01-02T18:27:10Z | cs.CL, cs.AI | Numerous works use word embedding-based metrics to quantify societal biases
and stereotypes in texts. Recent studies have found that word embeddings can
capture semantic similarity but may be affected by word frequency. In this work
we study the effect of frequency when measuring female vs. male gender bias
with word embedding-based bias quantification methods. We find that Skip-gram
with negative sampling and GloVe tend to detect male bias in high frequency
words, while GloVe tends to return female bias in low frequency words. We show
these behaviors still exist when words are randomly shuffled. This proves that
the frequency-based effect observed in unshuffled corpora stems from properties
of the metric rather than from word associations. The effect is spurious and
problematic since bias metrics should depend exclusively on word co-occurrences
and not individual word frequencies. Finally, we compare these results with the
ones obtained with an alternative metric based on Pointwise Mutual Information.
We find that this metric does not show a clear dependence on frequency, even
though it is slightly skewed towards male bias across all frequencies. | cs.CL | The Undesirable Dependence on Frequency of Gender Bias Metrics Based on Word Embeddings |
2023-01-02T15:19:21Z | http://arxiv.org/pdf/2301.00716v1 | http://arxiv.org/abs/2301.00716v1 | Felix Hamann, Adrian Ulges, Maurice Falk | 2023-01-02T15:19:21Z | cs.LG, cs.AI, cs.CL | We address the challenge of building domain-specific knowledge models for
industrial use cases, where labelled data and taxonomic information is
initially scarce. Our focus is on inductive link prediction models as a basis
for practical tools that support knowledge engineers with exploring text
collections and discovering and linking new (so-called open-world) entities to
the knowledge graph. We argue that - though neural approaches to text mining
have yielded impressive results in the past years - current benchmarks do not
reflect the typical challenges encountered in the industrial wild properly.
Therefore, our first contribution is an open benchmark coined IRT2 (inductive
reasoning with text) that (1) covers knowledge graphs of varying sizes
(including very small ones), (2) comes with incidental, low-quality text
mentions, and (3) includes not only triple completion but also ranking, which
is relevant for supporting experts with discovery tasks.
We investigate two neural models for inductive link prediction, one based on
end-to-end learning and one that learns from the knowledge graph and text data
in separate steps. These models compete with a strong bag-of-words baseline.
The results show a significant advance in performance for the neural approaches
as soon as the available graph data decreases for linking. For ranking, the
results are promising, and the neural approaches outperform the sparse
retriever by a wide margin. | cs.LG | IRT2: Inductive Linking and Ranking in Knowledge Graphs of Varying Scale |
2023-01-02T15:02:45Z | http://arxiv.org/pdf/2301.00709v1 | http://arxiv.org/abs/2301.00709v1 | Bimal Bhattarai, Ole-Christoffer Granmo, Lei Jiao, Rohan Yadav, Jivitesh Sharma | 2023-01-02T15:02:45Z | cs.CL, cs.AI, cs.LG | Embedding words in vector space is a fundamental first step in
state-of-the-art natural language processing (NLP). Typical NLP solutions
employ pre-defined vector representations to improve generalization by
co-locating similar words in vector space. For instance, Word2Vec is a
self-supervised predictive model that captures the context of words using a
neural network. Similarly, GLoVe is a popular unsupervised model incorporating
corpus-wide word co-occurrence statistics. Such word embedding has
significantly boosted important NLP tasks, including sentiment analysis,
document classification, and machine translation. However, the embeddings are
dense floating-point vectors, making them expensive to compute and difficult to
interpret. In this paper, we instead propose to represent the semantics of
words with a few defining words that are related using propositional logic. To
produce such logical embeddings, we introduce a Tsetlin Machine-based
autoencoder that learns logical clauses self-supervised. The clauses consist of
contextual words like "black," "cup," and "hot" to define other words like
"coffee," thus being human-understandable. We evaluate our embedding approach
on several intrinsic and extrinsic benchmarks, outperforming GLoVe on six
classification tasks. Furthermore, we investigate the interpretability of our
embedding using the logical representations acquired during training. We also
visualize word clusters in vector space, demonstrating how our logical
embedding co-locate similar words. | cs.CL | Tsetlin Machine Embedding: Representing Words Using Logical Expressions |
2023-01-02T12:46:10Z | http://arxiv.org/pdf/2301.00628v2 | http://arxiv.org/abs/2301.00628v2 | Tahereh Firoozi, Hamid Mohammadi, Mark J. Gierl | 2023-04-13T23:17:58Z | cs.CL | Research on automated essay scoring has become increasing important because
it serves as a method for evaluating students' written-responses at scale.
Scalable methods for scoring written responses are needed as students migrate
to online learning environments resulting in the need to evaluate large numbers
of written-response assessments. The purpose of this study is to describe and
evaluate three active learning methods than can be used to minimize the number
of essays that must be scored by human raters while still providing the data
needed to train a modern automated essay scoring system. The three active
learning methods are the uncertainty-based, the topological-based, and the
hybrid method. These three methods were used to select essays included as part
of the Automated Student Assessment Prize competition that were then classified
using a scoring model that was training with the bidirectional encoder
representations from transformer language model. All three active learning
methods produced strong results, with the topological-based method producing
the most efficient classification. Growth rate accuracy was also evaluated. The
active learning methods produced different levels of efficiency under different
sample size allocations but, overall, all three methods were highly efficient
and produced classifications that were similar to one another. | cs.CL | Using Active Learning Methods to Strategically Select Essays for Automated Scoring |
2023-01-02T12:40:05Z | http://arxiv.org/pdf/2301.00626v2 | http://arxiv.org/abs/2301.00626v2 | Alejandro Vigna-Gómez, Javier Murillo, Manelik Ramirez, Alberto Borbolla, Ian Márquez, Prasun K. Ray | 2023-06-21T08:01:38Z | cs.SI, cs.CL, cs.CY | Modelling and forecasting real-life human behaviour using online social media
is an active endeavour of interest in politics, government, academia, and
industry. Since its creation in 2006, Twitter has been proposed as a potential
laboratory that could be used to gauge and predict social behaviour. During the
last decade, the user base of Twitter has been growing and becoming more
representative of the general population. Here we analyse this user base in the
context of the 2021 Mexican Legislative Election. To do so, we use a dataset of
15 million election-related tweets in the six months preceding election day. We
explore different election models that assign political preference to either
the ruling parties or the opposition. We find that models using data with
geographical attributes determine the results of the election with better
precision and accuracy than conventional polling methods. These results
demonstrate that analysis of public online data can outperform conventional
polling methods, and that political analysis and general forecasting would
likely benefit from incorporating such data in the immediate future. Moreover,
the same Twitter dataset with geographical attributes is positively correlated
with results from official census data on population and internet usage in
Mexico. These findings suggest that we have reached a period in time when
online activity, appropriately curated, can provide an accurate representation
of offline behaviour. | cs.SI | Design and analysis of tweet-based election models for the 2021 Mexican legislative election |
2023-01-02T11:32:47Z | http://arxiv.org/pdf/2301.00604v1 | http://arxiv.org/abs/2301.00604v1 | Hamed Vahdat-Nejad, Mohammad Ghasem Akbari, Fatemeh Salmani, Faezeh Azizi, Hamid-Reza Nili-Sani | 2023-01-02T11:32:47Z | cs.CL | With Twitter's growth and popularity, a huge number of views are shared by
users on various topics, making this platform a valuable information source on
various political, social, and economic issues. This paper investigates English
tweets on the Russia-Ukraine war to analyze trends reflecting users' opinions
and sentiments regarding the conflict. The tweets' positive and negative
sentiments are analyzed using a BERT-based model, and the time series
associated with the frequency of positive and negative tweets for various
countries is calculated. Then, we propose a method based on the neighborhood
average for modeling and clustering the time series of countries. The
clustering results provide valuable insight into public opinion regarding this
conflict. Among other things, we can mention the similar thoughts of users from
the United States, Canada, the United Kingdom, and most Western European
countries versus the shared views of Eastern European, Scandinavian, Asian, and
South American nations toward the conflict. | cs.CL | Russia-Ukraine war: Modeling and Clustering the Sentiments Trends of Various Countries |
2023-01-02T10:36:40Z | http://arxiv.org/pdf/2301.00591v3 | http://arxiv.org/abs/2301.00591v3 | Amitay Sicherman, Yossi Adi | 2023-03-01T09:59:54Z | cs.CL, cs.SD, eess.AS | This work profoundly analyzes discrete self-supervised speech representations
(units) through the eyes of Generative Spoken Language Modeling (GSLM).
Following the findings of such an analysis, we propose practical improvements
to the discrete unit for the GSLM. First, we start comprehending these units by
analyzing them in three axes: interpretation, visualization, and resynthesis.
Our analysis finds a high correlation between the speech units to phonemes and
phoneme families, while their correlation with speaker or gender is weaker.
Additionally, we found redundancies in the extracted units and claim that one
reason may be the units' context. Following this analysis, we propose a new,
unsupervised metric to measure unit redundancies. Finally, we use this metric
to develop new methods that improve the robustness of units' clustering and
show significant improvement considering zero-resource speech metrics such as
ABX. Code and analysis tools are available under the following link:
https://github.com/slp-rl/SLM-Discrete-Representations | cs.CL | Analysing Discrete Self Supervised Speech Representation for Spoken Language Modeling |
2023-01-02T10:13:32Z | http://arxiv.org/pdf/2301.01170v1 | http://arxiv.org/abs/2301.01170v1 | Yuval Solaz, Vitaly Shalumov | 2023-01-02T10:13:32Z | cs.CL, cs.AI | In this paper, we formulate the problem of predicting a geolocation from free
text as a sequence-to-sequence problem. Using this formulation, we obtain a
geocoding model by training a T5 encoder-decoder transformer model using free
text as an input and geolocation as an output. The geocoding model was trained
on geo-tagged wikidump data with adaptive cell partitioning for the geolocation
representation. All of the code including Rest-based application, dataset and
model checkpoints used in this work are publicly available. | cs.CL | Transformer Based Geocoding |
2023-01-02T08:55:55Z | http://arxiv.org/pdf/2301.00565v1 | http://arxiv.org/abs/2301.00565v1 | Judicael Poumay, Ashwin Ittoo | 2023-01-02T08:55:55Z | cs.CL, cs.AI | The ability to monitor the evolution of topics over time is extremely
valuable for businesses. Currently, all existing topic tracking methods use
lexical information by matching word usage. However, no studies has ever
experimented with the use of semantic information for tracking topics. Hence,
we explore a novel semantic-based method using word embeddings. Our results
show that a semantic-based approach to topic tracking is on par with the
lexical approach but makes different mistakes. This suggest that both methods
may complement each other. | cs.CL | Using meaning instead of words to track topics |
2023-01-02T06:23:12Z | http://arxiv.org/pdf/2301.00539v1 | http://arxiv.org/abs/2301.00539v1 | Sudhansu Bala Das, Divyajoti Panda, Tapas Kumar Mishra, Bidyut Kr. Patra | 2023-01-02T06:23:12Z | cs.CL | Machine Translation (MT) system generally aims at automatic representation of
source language into target language retaining the originality of context using
various Natural Language Processing (NLP) techniques. Among various NLP
methods, Statistical Machine Translation(SMT). SMT uses probabilistic and
statistical techniques to analyze information and conversion. This paper
canvasses about the development of bilingual SMT models for translating English
to fifteen low-resource Indian Languages (ILs) and vice versa. At the outset,
all 15 languages are briefed with a short description related to our
experimental need. Further, a detailed analysis of Samanantar and OPUS dataset
for model building, along with standard benchmark dataset (Flores-200) for
fine-tuning and testing, is done as a part of our experiment. Different
preprocessing approaches are proposed in this paper to handle the noise of the
dataset. To create the system, MOSES open-source SMT toolkit is explored.
Distance reordering is utilized with the aim to understand the rules of grammar
and context-dependent adjustments through a phrase reordering categorization
framework. In our experiment, the quality of the translation is evaluated using
standard metrics such as BLEU, METEOR, and RIBES | cs.CL | Statistical Machine Translation for Indic Languages |
2023-01-02T02:10:18Z | http://arxiv.org/pdf/2301.00503v3 | http://arxiv.org/abs/2301.00503v3 | Yacheng He, Qianghuai Jia, Lin Yuan, Ruopeng Li, Yixin Ou, Ningyu Zhang | 2023-03-14T11:01:26Z | cs.CL, cs.AI, cs.DB, cs.IR, cs.LG | This paper illustrates the technologies of user next intent prediction with a
concept knowledge graph. The system has been deployed on the Web at Alipay,
serving more than 100 million daily active users. To explicitly characterize
user intent, we propose AlipayKG, which is an offline concept knowledge graph
in the Life-Service domain modeling the historical behaviors of users, the rich
content interacted by users and the relations between them. We further
introduce a Transformer-based model which integrates expert rules from the
knowledge graph to infer the online user's next intent. Experimental results
demonstrate that the proposed system can effectively enhance the performance of
the downstream tasks while retaining explainability. | cs.CL | A Concept Knowledge Graph for User Next Intent Prediction at Alipay |
2023-01-01T21:57:25Z | http://arxiv.org/pdf/2301.00479v2 | http://arxiv.org/abs/2301.00479v2 | Luyao Sunshine Zhang | 2023-01-14T21:18:01Z | cs.CR, cs.AI, cs.CL, stat.ML | Blockchain, also coined as decentralized AI, has the potential to empower AI
to be more trustworthy by creating a decentralized trust of privacy, security,
and audibility. However, systematic studies on the design principle of
blockchain as a trust engine for an integrated society of
cyber-physical-social-system (CPSS) are still absent. In this article, we
provide an initiative for seeking the design principle of blockchain for a
better digital world. Using a hybrid method of qualitative and quantitative
studies, we examine the past origin, the current development, and the future
directions of blockchain design principles. We have three findings. First, the
answer to whether blockchain lives up to its original design principle as a
distributed database is controversial. Second, the current development of the
blockchain community reveals a taxonomy of 7 categories, namely, privacy and
security, scalability, decentralization, applicability, governance and
regulation, system design, and cross-chain interoperability. Both research and
practice are more centered around the first category of privacy and security
and the fourth category of applicability. Future scholars, practitioners, and
policy-makers have vast opportunities in other, much less exploited facets and
the synthesis at the interface of multiple aspects. Finally, in
counter-examples, we conclude that a synthetic solution that crosses discipline
boundaries is necessary to close the gaps between the current design of
blockchain and the design principle of a trust engine for a truly intelligent
world. | cs.CR | The Design Principle of Blockchain: An Initiative for the SoK of SoKs |
2023-01-01T15:28:27Z | http://arxiv.org/pdf/2301.00429v1 | http://arxiv.org/abs/2301.00429v1 | Hang Thi-Thu Le, Viet-Duc Ho, Duc-Vu Nguyen, Ngan Luu-Thuy Nguyen | 2023-01-01T15:28:27Z | cs.CL | Machine Reading Comprehension has become one of the most advanced and popular
research topics in the fields of Natural Language Processing in recent years.
The classification of answerability questions is a relatively significant
sub-task in machine reading comprehension; however, there haven't been many
studies. Retro-Reader is one of the studies that has solved this problem
effectively. However, the encoders of most traditional machine reading
comprehension models in general and Retro-Reader, in particular, have not been
able to exploit the contextual semantic information of the context completely.
Inspired by SemBERT, we use semantic role labels from the SRL task to add
semantics to pre-trained language models such as mBERT, XLM-R, PhoBERT. This
experiment was conducted to compare the influence of semantics on the
classification of answerability for the Vietnamese machine reading
comprehension. Additionally, we hope this experiment will enhance the encoder
for the Retro-Reader model's Sketchy Reading Module. The improved Retro-Reader
model's encoder with semantics was first applied to the Vietnamese Machine
Reading Comprehension task and obtained positive results. | cs.CL | Integrating Semantic Information into Sketchy Reading Module of Retro-Reader for Vietnamese Machine Reading Comprehension |
2023-01-01T15:13:25Z | http://arxiv.org/pdf/2301.00422v1 | http://arxiv.org/abs/2301.00422v1 | Quoc-Loc Duong, Duc-Vu Nguyen, Ngan Luu-Thuy Nguyen | 2023-01-01T15:13:25Z | cs.CL | RTE is a significant problem and is a reasonably active research community.
The proposed research works on the approach to this problem are pretty diverse
with many different directions. For Vietnamese, the RTE problem is moderately
new, but this problem plays a vital role in natural language understanding
systems. Currently, methods to solve this problem based on contextual word
representation learning models have given outstanding results. However,
Vietnamese is a semantically rich language. Therefore, in this paper, we want
to present an experiment combining semantic word representation through the SRL
task with context representation of BERT relative models for the RTE problem.
The experimental results give conclusions about the influence and role of
semantic representation on Vietnamese in understanding natural language. The
experimental results show that the semantic-aware contextual representation
model has about 1% higher performance than the model that does not incorporate
semantic representation. In addition, the effects on the data domain in
Vietnamese are also higher than those in English. This result also shows the
positive influence of SRL on RTE problem in Vietnamese. | cs.CL | Leveraging Semantic Representations Combined with Contextual Word Representations for Recognizing Textual Entailment in Vietnamese |
2023-01-01T15:04:47Z | http://arxiv.org/pdf/2301.00418v1 | http://arxiv.org/abs/2301.00418v1 | Duc-Vu Nguyen, Ngan Luu-Thuy Nguyen | 2023-01-01T15:04:47Z | cs.CL | To the best of our knowledge, this paper made the first attempt to answer
whether word segmentation is necessary for Vietnamese sentiment classification.
To do this, we presented five pre-trained monolingual S4- based language models
for Vietnamese, including one model without word segmentation, and four models
using RDRsegmenter, uitnlp, pyvi, or underthesea toolkits in the pre-processing
data phase. According to comprehensive experimental results on two corpora,
including the VLSP2016-SA corpus of technical article reviews from the news and
social media and the UIT-VSFC corpus of the educational survey, we have two
suggestions. Firstly, using traditional classifiers like Naive Bayes or Support
Vector Machines, word segmentation maybe not be necessary for the Vietnamese
sentiment classification corpus, which comes from the social domain. Secondly,
word segmentation is necessary for Vietnamese sentiment classification when
word segmentation is used before using the BPE method and feeding into the deep
learning model. In this way, the RDRsegmenter is the stable toolkit for word
segmentation among the uitnlp, pyvi, and underthesea toolkits. | cs.CL | Is word segmentation necessary for Vietnamese sentiment classification? |
2023-01-01T13:20:57Z | http://arxiv.org/pdf/2301.00399v1 | http://arxiv.org/abs/2301.00399v1 | Farshad Noravesh | 2023-01-01T13:20:57Z | cs.CL | In the present paper, semantic parsing challenges are briefly introduced and
QDMR formalism in semantic parsing is implemented using sequence to sequence
model with attention but uses only part of speech(POS) as a representation of
words of a sentence to make the training as simple and as fast as possible and
also avoiding curse of dimensionality as well as overfitting. It is shown how
semantic operator prediction could be augmented with other models like the
CopyNet model or the recursive neural net model. | cs.CL | Semantic Operator Prediction and Applications |
2023-01-01T13:08:11Z | http://arxiv.org/pdf/2301.00397v1 | http://arxiv.org/abs/2301.00397v1 | Xingwu Sun, Hongyin Tang, chengzhong Xu | 2023-01-01T13:08:11Z | cs.CL | Neural models with an encoder-decoder framework provide a feasible solution
to Question Generation (QG). However, after analyzing the model vocabulary we
find that current models (both RNN-based and pre-training based) have more than
23\% inflected forms. As a result, the encoder will generate separate
embeddings for the inflected forms, leading to a waste of training data and
parameters. Even worse, in decoding these models are vulnerable to irrelevant
noise and they suffer from high computational costs. In this paper, we propose
an approach to enhance the performance of QG by fusing word transformation.
Firstly, we identify the inflected forms of words from the input of encoder,
and replace them with the root words, letting the encoder pay more attention to
the repetitive root words. Secondly, we propose to adapt QG as a combination of
the following actions in the encode-decoder framework: generating a question
word, copying a word from the source sequence or generating a word
transformation type. Such extension can greatly decrease the size of predicted
words in the decoder as well as noise. We apply our approach to a typical
RNN-based model and \textsc{UniLM} to get the improved versions. We conduct
extensive experiments on SQuAD and MS MARCO datasets. The experimental results
show that the improved versions can significantly outperform the corresponding
baselines in terms of BLEU, ROUGE-L and METEOR as well as time cost. | cs.CL | Inflected Forms Are Redundant in Question Generation Models |
2023-01-01T12:48:12Z | http://arxiv.org/pdf/2301.00395v1 | http://arxiv.org/abs/2301.00395v1 | Ge Zhang, Yizhi Li, Yaoyao Wu, Linyuan Zhang, Chenghua Lin, Jiayi Geng, Shi Wang, Jie Fu | 2023-01-01T12:48:12Z | cs.CL, cs.AI, cs.CY, cs.LG | As natural language processing (NLP) for gender bias becomes a significant
interdisciplinary topic, the prevalent data-driven techniques such as
large-scale language models suffer from data inadequacy and biased corpus,
especially for languages with insufficient resources such as Chinese. To this
end, we propose a Chinese cOrpus foR Gender bIas Probing and Mitigation
CORGI-PM, which contains 32.9k sentences with high-quality labels derived by
following an annotation scheme specifically developed for gender bias in the
Chinese context. Moreover, we address three challenges for automatic textual
gender bias mitigation, which requires the models to detect, classify, and
mitigate textual gender bias. We also conduct experiments with state-of-the-art
language models to provide baselines. To our best knowledge, CORGI-PM is the
first sentence-level Chinese corpus for gender bias probing and mitigation. | cs.CL | CORGI-PM: A Chinese Corpus For Gender Bias Probing and Mitigation |
2023-01-01T09:08:45Z | http://arxiv.org/pdf/2301.00374v1 | http://arxiv.org/abs/2301.00374v1 | Jorge Martinez-Gil | 2023-01-01T09:08:45Z | cs.CL, cs.AI | This research presents ORUGA, a method that tries to automatically optimize
the readability of any text in English. The core idea behind the method is that
certain factors affect the readability of a text, some of which are
quantifiable (number of words, syllables, presence or absence of adverbs, and
so on). The nature of these factors allows us to implement a genetic learning
strategy to replace some existing words with their most suitable synonyms to
facilitate optimization. In addition, this research seeks to preserve both the
original text's content and form through multi-objective optimization
techniques. In this way, neither the text's syntactic structure nor the
semantic content of the original message is significantly distorted. An
exhaustive study on a substantial number and diversity of texts confirms that
our method was able to optimize the degree of readability in all cases without
significantly altering their form or meaning. The source code of this approach
is available at https://github.com/jorge-martinez-gil/oruga. | cs.CL | Optimizing Readability Using Genetic Algorithms |
2023-01-01T05:56:21Z | http://arxiv.org/pdf/2301.00355v2 | http://arxiv.org/abs/2301.00355v2 | Ruibo Liu, Chenyan Jia, Ge Zhang, Ziyu Zhuang, Tony X Liu, Soroush Vosoughi | 2023-01-05T00:17:12Z | cs.CL, cs.AI, cs.CY | We present Second Thought, a new learning paradigm that enables language
models (LMs) to re-align with human values. By modeling the chain-of-edits
between value-unaligned and value-aligned text, with LM fine-tuning and
additional refinement through reinforcement learning, Second Thought not only
achieves superior performance in three value alignment benchmark datasets but
also shows strong human-value transfer learning ability in few-shot scenarios.
The generated editing steps also offer better interpretability and ease for
interactive error correction. Extensive human evaluations further confirm its
effectiveness. | cs.CL | Second Thoughts are Best: Learning to Re-Align With Human Values from Text Edits |
2023-01-01T03:04:04Z | http://arxiv.org/pdf/2301.01743v1 | http://arxiv.org/abs/2301.01743v1 | David Noever, Forrest McKee | 2023-01-01T03:04:04Z | cs.AI, cs.CL | New chat AI applications like ChatGPT offer an advanced understanding of
question context and memory across multi-step tasks, such that experiments can
test its deductive reasoning. This paper proposes a multi-role and multi-step
challenge, where ChatGPT plays the classic twenty-questions game but
innovatively switches roles from the questioner to the answerer. The main
empirical result establishes that this generation of chat applications can
guess random object names in fewer than twenty questions (average, 12) and
correctly guess 94% of the time across sixteen different experimental setups.
The research introduces four novel cases where the chatbot fields the
questions, asks the questions, both question-answer roles, and finally tries to
guess appropriate contextual emotions. One task that humans typically fail but
trained chat applications complete involves playing bilingual games of twenty
questions (English answers to Spanish questions). Future variations address
direct problem-solving using a similar inquisitive format to arrive at novel
outcomes deductively, such as patentable inventions or combination thinking.
Featured applications of this dialogue format include complex protein designs,
neuroscience metadata, and child development educational materials. | cs.AI | Chatbots as Problem Solvers: Playing Twenty Questions with Role Reversals |
2023-01-01T01:36:32Z | http://arxiv.org/pdf/2301.00321v1 | http://arxiv.org/abs/2301.00321v1 | Muhammad Suleman, Muhammad Asif, Tayyab Zamir, Ayaz Mehmood, Jebran Khan, Nasir Ahmad, Kashif Ahmad | 2023-01-01T01:36:32Z | cs.CL | This paper presents our solutions for the MediaEval 2022 task on DisasterMM.
The task is composed of two subtasks, namely (i) Relevance Classification of
Twitter Posts (RCTP), and (ii) Location Extraction from Twitter Texts (LETT).
The RCTP subtask aims at differentiating flood-related and non-relevant social
posts while LETT is a Named Entity Recognition (NER) task and aims at the
extraction of location information from the text. For RCTP, we proposed four
different solutions based on BERT, RoBERTa, Distil BERT, and ALBERT obtaining
an F1-score of 0.7934, 0.7970, 0.7613, and 0.7924, respectively. For LETT, we
used three models namely BERT, RoBERTa, and Distil BERTA obtaining an F1-score
of 0.6256, 0.6744, and 0.6723, respectively. | cs.CL | Floods Relevancy and Identification of Location from Twitter Posts using NLP Techniques |
2023-01-01T01:34:15Z | http://arxiv.org/pdf/2301.00320v1 | http://arxiv.org/abs/2301.00320v1 | Wisal Mukhtiar, Waliiya Rizwan, Aneela Habib, Yasir Saleem Afridi, Laiq Hasan, Kashif Ahmad | 2023-01-01T01:34:15Z | cs.CL | In recent years, social media has been widely explored as a potential source
of communication and information in disasters and emergency situations. Several
interesting works and case studies of disaster analytics exploring different
aspects of natural disasters have been already conducted. Along with the great
potential, disaster analytics comes with several challenges mainly due to the
nature of social media content. In this paper, we explore one such challenge
and propose a text classification framework to deal with Twitter noisy data.
More specifically, we employed several transformers both individually and in
combination, so as to differentiate between relevant and non-relevant Twitter
posts, achieving the highest F1-score of 0.87. | cs.CL | Relevance Classification of Flood-related Twitter Posts via Multiple Transformers |
2022-12-31T22:57:30Z | http://arxiv.org/pdf/2301.00304v1 | http://arxiv.org/abs/2301.00304v1 | Georgios Paraskevopoulos, Theodoros Kouzelis, Georgios Rouvalis, Athanasios Katsamanis, Vassilis Katsouros, Alexandros Potamianos | 2022-12-31T22:57:30Z | cs.CL, cs.SD, eess.AS | Modern speech recognition systems exhibits rapid performance degradation
under domain shift. This issue is especially prevalent in data-scarce settings,
such as low-resource languages, where diversity of training data is limited. In
this work we propose M2DS2, a simple and sample-efficient finetuning strategy
for large pretrained speech models, based on mixed source and target domain
self-supervision. We find that including source domain self-supervision
stabilizes training and avoids mode collapse of the latent representations. For
evaluation, we collect HParl, a $120$ hour speech corpus for Greek, consisting
of plenary sessions in the Greek Parliament. We merge HParl with two popular
Greek corpora to create GREC-MD, a test-bed for multi-domain evaluation of
Greek ASR systems. In our experiments we find that, while other Unsupervised
Domain Adaptation baselines fail in this resource-constrained environment,
M2DS2 yields significant improvements for cross-domain adaptation, even when a
only a few hours of in-domain audio are available. When we relax the problem in
a weakly supervised setting, we find that independent adaptation for audio
using M2DS2 and language using simple LM augmentation techniques is
particularly effective, yielding word error rates comparable to the fully
supervised baselines. | cs.CL | Sample-Efficient Unsupervised Domain Adaptation of Speech Recognition Systems A case study for Modern Greek |
2022-12-31T22:35:34Z | http://arxiv.org/pdf/2301.00303v1 | http://arxiv.org/abs/2301.00303v1 | Hangfeng He, Hongming Zhang, Dan Roth | 2022-12-31T22:35:34Z | cs.CL, cs.AI | Despite the success of large language models (LLMs) in various natural
language processing (NLP) tasks, the stored knowledge in these models may
inevitably be incomplete, out-of-date, or incorrect. This motivates the need to
utilize external knowledge to assist LLMs. Unfortunately, current methods for
incorporating external knowledge often require additional training or
fine-tuning, which can be costly and may not be feasible for LLMs. To address
this issue, we propose a novel post-processing approach, rethinking with
retrieval (RR), which retrieves relevant external knowledge based on the
decomposed reasoning steps obtained from the chain-of-thought (CoT) prompting.
This lightweight approach does not require additional training or fine-tuning
and is not limited by the input length of LLMs. We evaluate the effectiveness
of RR through extensive experiments with GPT-3 on three complex reasoning
tasks: commonsense reasoning, temporal reasoning, and tabular reasoning. Our
results show that RR can produce more faithful explanations and improve the
performance of LLMs. | cs.CL | Rethinking with Retrieval: Faithful Large Language Model Inference |
2022-12-31T15:57:09Z | http://arxiv.org/pdf/2301.00234v4 | http://arxiv.org/abs/2301.00234v4 | Qingxiu Dong, Lei Li, Damai Dai, Ce Zheng, Jingyuan Ma, Rui Li, Heming Xia, Jingjing Xu, Zhiyong Wu, Baobao Chang, Xu Sun, Lei Li, Zhifang Sui | 2024-06-18T04:19:31Z | cs.CL, cs.AI | With the increasing capabilities of large language models (LLMs), in-context
learning (ICL) has emerged as a new paradigm for natural language processing
(NLP), where LLMs make predictions based on contexts augmented with a few
examples. It has been a significant trend to explore ICL to evaluate and
extrapolate the ability of LLMs. In this paper, we aim to survey and summarize
the progress and challenges of ICL. We first present a formal definition of ICL
and clarify its correlation to related studies. Then, we organize and discuss
advanced techniques, including training strategies, prompt designing
strategies, and related analysis. Additionally, we explore various ICL
application scenarios, such as data engineering and knowledge updating.
Finally, we address the challenges of ICL and suggest potential directions for
further research. We hope that our work can encourage more research on
uncovering how ICL works and improving ICL. | cs.CL | A Survey on In-context Learning |
2022-12-31T13:46:50Z | http://arxiv.org/pdf/2301.00200v2 | http://arxiv.org/abs/2301.00200v2 | Sebastian Erhardt, Mainak Ghosh, Erik Buunk, Michael E. Rose, Dietmar Harhoff | 2023-10-20T10:00:03Z | cs.CL | Logic Mill is a scalable and openly accessible software system that
identifies semantically similar documents within either one domain-specific
corpus or multi-domain corpora. It uses advanced Natural Language Processing
(NLP) techniques to generate numerical representations of documents. Currently
it leverages a large pre-trained language model to generate these document
representations. The system focuses on scientific publications and patent
documents and contains more than 200 million documents. It is easily accessible
via a simple Application Programming Interface (API) or via a web interface.
Moreover, it is continuously being updated and can be extended to text corpora
from other domains. We see this system as a general-purpose tool for future
research applications in the social sciences and other domains. | cs.CL | Logic Mill -- A Knowledge Navigation System |
2022-12-31T08:40:08Z | http://arxiv.org/pdf/2301.00152v1 | http://arxiv.org/abs/2301.00152v1 | Sayar Ghosh Roy, Anshul Padhi, Risubh Jain, Manish Gupta, Vasudeva Varma | 2022-12-31T08:40:08Z | cs.CL, cs.AI, cs.LG | Multiple studies have focused on predicting the prospective popularity of an
online document as a whole, without paying attention to the contributions of
its individual parts. We introduce the task of proactively forecasting
popularities of sentences within online news documents solely utilizing their
natural language content. We model sentence-specific popularity forecasting as
a sequence regression task. For training our models, we curate InfoPop, the
first dataset containing popularity labels for over 1.7 million sentences from
over 50,000 online news documents. To the best of our knowledge, this is the
first dataset automatically created using streams of incoming search engine
queries to generate sentence-level popularity annotations. We propose a novel
transfer learning approach involving sentence salience prediction as an
auxiliary task. Our proposed technique coupled with a BERT-based neural model
exceeds nDCG values of 0.8 for proactive sentence-specific popularity
forecasting. Notably, our study presents a non-trivial takeaway: though
popularity and salience are different concepts, transfer learning from salience
prediction enhances popularity forecasting. We release InfoPop and make our
code publicly available: https://github.com/sayarghoshroy/InfoPopularity | cs.CL | Towards Proactively Forecasting Sentence-Specific Information Popularity within Online News Documents |
2022-12-30T22:53:25Z | http://arxiv.org/pdf/2301.00068v3 | http://arxiv.org/abs/2301.00068v3 | Tom Young, Yunan Chen, Yang You | 2024-02-23T05:08:58Z | cs.CL, cs.AI | Learning to predict masked tokens in a sequence has been shown to be a
helpful pretraining objective for powerful language models such as PaLM2. After
training, such masked language models (MLMs) can provide distributions of
tokens in the masked positions in a sequence. However, this paper shows that
distributions corresponding to different masking patterns can demonstrate
considerable inconsistencies, i.e., they cannot be derived from a coherent
joint distribution when considered together.
This fundamental flaw in MLMs can lead to self-contradictory behaviors during
inference. On various benchmark datasets including MMLU, MLMs can give
different predictions to the same input question. From BERT-base to UL2-20B, we
show that such inconsistencies exist ubiquitously in MLMs of diverse sizes and
configurations. In light of our observations, we further propose an
inference-time strategy for MLMs called Ensemble of Conditionals. It jointly
considers a selected range of inconsistent conditionals directly produced by
the MLM for the final prediction, which often leads to considerable accuracy
improvement. | cs.CL | Inconsistencies in Masked Language Models |
2022-12-30T22:26:57Z | http://arxiv.org/pdf/2301.00066v1 | http://arxiv.org/abs/2301.00066v1 | Yukun Feng, Ming Tu, Rui Xia, Chuanzeng Huang, Yuxuan Wang | 2022-12-30T22:26:57Z | cs.CL, eess.AS | Recent studies have shown that using an external Language Model (LM) benefits
the end-to-end Automatic Speech Recognition (ASR). However, predicting tokens
that appear less frequently in the training set is still quite challenging. The
long-tail prediction problems have been widely studied in many applications,
but only been addressed by a few studies for ASR and LMs. In this paper, we
propose a new memory augmented lookup dictionary based Transformer architecture
for LM. The newly introduced lookup dictionary incorporates rich contextual
information in training set, which is vital to correctly predict long-tail
tokens. With intensive experiments on Chinese and English data sets, our
proposed method is proved to outperform the baseline Transformer LM by a great
margin on both word/character error rate and tail tokens error rate. This is
achieved without impact on the decoding efficiency. Overall, we demonstrate the
effectiveness of our proposed method in boosting the ASR decoding performance,
especially for long-tail tokens. | cs.CL | Memory Augmented Lookup Dictionary based Language Modeling for Automatic Speech Recognition |
2022-12-30T18:55:16Z | http://arxiv.org/pdf/2212.14882v1 | http://arxiv.org/abs/2212.14882v1 | Katharina Jeblick, Balthasar Schachtner, Jakob Dexl, Andreas Mittermeier, Anna Theresa Stüber, Johanna Topalis, Tobias Weber, Philipp Wesp, Bastian Sabel, Jens Ricke, Michael Ingrisch | 2022-12-30T18:55:16Z | cs.CL, cs.LG | The release of ChatGPT, a language model capable of generating text that
appears human-like and authentic, has gained significant attention beyond the
research community. We expect that the convincing performance of ChatGPT
incentivizes users to apply it to a variety of downstream tasks, including
prompting the model to simplify their own medical reports. To investigate this
phenomenon, we conducted an exploratory case study. In a questionnaire, we
asked 15 radiologists to assess the quality of radiology reports simplified by
ChatGPT. Most radiologists agreed that the simplified reports were factually
correct, complete, and not potentially harmful to the patient. Nevertheless,
instances of incorrect statements, missed key medical findings, and potentially
harmful passages were reported. While further studies are needed, the initial
insights of this study indicate a great potential in using large language
models like ChatGPT to improve patient-centered care in radiology and other
medical domains. | cs.CL | ChatGPT Makes Medicine Easy to Swallow: An Exploratory Case Study on Simplified Radiology Reports |
2022-12-30T17:04:01Z | http://arxiv.org/pdf/2301.00688v1 | http://arxiv.org/abs/2301.00688v1 | Neeraj Vashistha, Kriti Singh, Ramakant Shakya | 2022-12-30T17:04:01Z | cs.CL, cs.AI | The machine translation mechanism translates texts automatically between
different natural languages, and Neural Machine Translation (NMT) has gained
attention for its rational context analysis and fluent translation accuracy.
However, processing low-resource languages that lack relevant training
attributes like supervised data is a current challenge for Natural Language
Processing (NLP). We incorporated a technique known Active Learning with the
NMT toolkit Joey NMT to reach sufficient accuracy and robust predictions of
low-resource language translation. With active learning, a semi-supervised
machine learning strategy, the training algorithm determines which unlabeled
data would be the most beneficial for obtaining labels using selected query
techniques. We implemented two model-driven acquisition functions for selecting
the samples to be validated. This work uses transformer-based NMT systems;
baseline model (BM), fully trained model (FTM) , active learning least
confidence based model (ALLCM), and active learning margin sampling based model
(ALMSM) when translating English to Hindi. The Bilingual Evaluation Understudy
(BLEU) metric has been used to evaluate system results. The BLEU scores of BM,
FTM, ALLCM and ALMSM systems are 16.26, 22.56 , 24.54, and 24.20, respectively.
The findings in this paper demonstrate that active learning techniques helps
the model to converge early and improve the overall quality of the translation
system. | cs.CL | Active Learning for Neural Machine Translation |
2022-12-30T16:24:10Z | http://arxiv.org/pdf/2212.14815v3 | http://arxiv.org/abs/2212.14815v3 | Ondřej Cífka, Antoine Liutkus | 2023-05-26T20:32:25Z | cs.CL, cs.LG | The increasingly widespread adoption of large language models has highlighted
the need for improving their explainability. We present context length probing,
a novel explanation technique for causal language models, based on tracking the
predictions of a model as a function of the length of available context, and
allowing to assign differential importance scores to different contexts. The
technique is model-agnostic and does not rely on access to model internals
beyond computing token-level probabilities. We apply context length probing to
large pre-trained language models and offer some initial analyses and insights,
including the potential for studying long-range dependencies. The source code
and an interactive demo of the method are available. | cs.CL | Black-box language model explanation by context length probing |
2022-12-30T15:07:27Z | http://arxiv.org/pdf/2301.06902v1 | http://arxiv.org/abs/2301.06902v1 | Răzvan-Alexandru Smădu, George-Eduard Zaharia, Andrei-Marius Avram, Dumitru-Clementin Cercel, Mihai Dascalu, Florin Pop | 2022-12-30T15:07:27Z | cs.CL | Keyphrase identification and classification is a Natural Language Processing
and Information Retrieval task that involves extracting relevant groups of
words from a given text related to the main topic. In this work, we focus on
extracting keyphrases from scientific documents. We introduce TA-DA, a
Topic-Aware Domain Adaptation framework for keyphrase extraction that
integrates Multi-Task Learning with Adversarial Training and Domain Adaptation.
Our approach improves performance over baseline models by up to 5% in the exact
match of the F1-score. | cs.CL | TA-DA: Topic-Aware Domain Adaptation for Scientific Keyphrase Identification and Classification (Student Abstract) |
2022-12-30T12:39:26Z | http://arxiv.org/pdf/2212.14657v1 | http://arxiv.org/abs/2212.14657v1 | JiangLong He, Mamatha N, Shiv Vignesh, Deepak Kumar, Akshay Uppal | 2022-12-30T12:39:26Z | cs.CL, cs.AI | We propose an ensemble approach to predict the labels in linear programming
word problems. The entity identification and the meaning representation are two
types of tasks to be solved in the NL4Opt competition. We propose the
ensembleCRF method to identify the named entities for the first task. We found
that single models didn't improve for the given task in our analysis. A set of
prediction models predict the entities. The generated results are combined to
form a consensus result in the ensembleCRF method. We present an ensemble text
generator to produce the representation sentences for the second task. We
thought of dividing the problem into multiple small tasks due to the overflow
in the output. A single model generates different representations based on the
prompt. All the generated text is combined to form an ensemble and produce a
mathematical meaning of a linear programming problem. | cs.CL | Linear programming word problems formulation using EnsembleCRF NER labeler and T5 text generator with data augmentations |
2022-12-30T12:20:39Z | http://arxiv.org/pdf/2212.14648v1 | http://arxiv.org/abs/2212.14648v1 | Michael Zylla, Thomas Haider | 2022-12-30T12:20:39Z | cs.CL | Automated text analysis has become a widely used tool in political science.
In this research, we use a BERT model trained on German party manifestos to
identify the individual parties' contribution to the coalition agreement of
2021. | cs.CL | Distant Reading of the German Coalition Deal: Recognizing Policy Positions with BERT-based Text Classification |
2022-12-30T07:37:40Z | http://arxiv.org/pdf/2212.14578v2 | http://arxiv.org/abs/2212.14578v2 | Krishna Pillutla, Lang Liu, John Thickstun, Sean Welleck, Swabha Swayamdipta, Rowan Zellers, Sewoong Oh, Yejin Choi, Zaid Harchaoui | 2023-12-07T06:38:10Z | cs.LG, cs.AI, cs.CL | Generative artificial intelligence has made significant strides, producing
text indistinguishable from human prose and remarkably photorealistic images.
Automatically measuring how close the generated data distribution is to the
target distribution is central to diagnosing existing models and developing
better ones. We present MAUVE, a family of comparison measures between pairs of
distributions such as those encountered in the generative modeling of text or
images. These scores are statistical summaries of divergence frontiers
capturing two types of errors in generative modeling. We explore three
approaches to statistically estimate these scores: vector quantization,
non-parametric estimation, and classifier-based estimation. We provide
statistical bounds for the vector quantization approach.
Empirically, we find that the proposed scores paired with a range of
$f$-divergences and statistical estimation methods can quantify the gaps
between the distributions of human-written text and those of modern neural
language models by correlating with human judgments and identifying known
properties of the generated texts. We demonstrate in the vision domain that
MAUVE can identify known properties of generated images on par with or better
than existing metrics. In conclusion, we present practical recommendations for
using MAUVE effectively with language and image modalities. | cs.LG | MAUVE Scores for Generative Models: Theory and Practice |
2022-12-30T05:03:15Z | http://arxiv.org/pdf/2212.14548v3 | http://arxiv.org/abs/2212.14548v3 | Bowen Zhang, Daijun Ding, Liwen Jing | 2023-04-10T11:43:12Z | cs.CL | Stance detection refers to the task of extracting the standpoint (Favor,
Against or Neither) towards a target in given texts. Such research gains
increasing attention with the proliferation of social media contents. The
conventional framework of handling stance detection is converting it into text
classification tasks. Deep learning models have already replaced rule-based
models and traditional machine learning models in solving such problems.
Current deep neural networks are facing two main challenges which are
insufficient labeled data and information in social media posts and the
unexplainable nature of deep learning models. A new pre-trained language model
chatGPT was launched on Nov 30, 2022. For the stance detection tasks, our
experiments show that ChatGPT can achieve SOTA or similar performance for
commonly used datasets including SemEval-2016 and P-Stance. At the same time,
ChatGPT can provide explanation for its own prediction, which is beyond the
capability of any existing model. The explanations for the cases it cannot
provide classification results are especially useful. ChatGPT has the potential
to be the best AI model for stance detection tasks in NLP, or at least change
the research paradigm of this field. ChatGPT also opens up the possibility of
building explanatory AI for stance detection. | cs.CL | How would Stance Detection Techniques Evolve after the Launch of ChatGPT? |
2022-12-30T04:27:01Z | http://arxiv.org/pdf/2212.14546v1 | http://arxiv.org/abs/2212.14546v1 | Qinghao Ye, Guohai Xu, Ming Yan, Haiyang Xu, Qi Qian, Ji Zhang, Fei Huang | 2022-12-30T04:27:01Z | cs.CV, cs.CL, cs.MM | Video-language pre-training has advanced the performance of various
downstream video-language tasks. However, most previous methods directly
inherit or adapt typical image-language pre-training paradigms to
video-language pre-training, thus not fully exploiting the unique
characteristic of video, i.e., temporal. In this paper, we propose a
Hierarchical Temporal-Aware video-language pre-training framework, HiTeA, with
two novel pre-training tasks for modeling cross-modal alignment between moments
and texts as well as the temporal relations of video-text pairs. Specifically,
we propose a cross-modal moment exploration task to explore moments in videos,
which results in detailed video moment representation. Besides, the inherent
temporal relations are captured by aligning video-text pairs as a whole in
different time resolutions with multi-modal temporal relation exploration task.
Furthermore, we introduce the shuffling test to evaluate the temporal reliance
of datasets and video-language pre-training models. We achieve state-of-the-art
results on 15 well-established video-language understanding and generation
tasks, especially on temporal-oriented datasets (e.g., SSv2-Template and
SSv2-Label) with 8.6% and 11.1% improvement respectively. HiTeA also
demonstrates strong generalization ability when directly transferred to
downstream tasks in a zero-shot manner. Models and demo will be available on
ModelScope. | cs.CV | HiTeA: Hierarchical Temporal-Aware Video-Language Pre-training |
2022-12-30T03:18:05Z | http://arxiv.org/pdf/2301.00665v1 | http://arxiv.org/abs/2301.00665v1 | Rabimba Karanjai | 2022-12-30T03:18:05Z | cs.CL, cs.CR, cs.LG | In this research, we aim to explore the potential of natural language models
(NLMs) such as GPT-3 and GPT-2 to generate effective phishing emails. Phishing
emails are fraudulent messages that aim to trick individuals into revealing
sensitive information or taking actions that benefit the attackers. We propose
a framework for evaluating the performance of NLMs in generating these types of
emails based on various criteria, including the quality of the generated text,
the ability to bypass spam filters, and the success rate of tricking
individuals. Our evaluations show that NLMs are capable of generating phishing
emails that are difficult to detect and that have a high success rate in
tricking individuals, but their effectiveness varies based on the specific NLM
and training data used. Our research indicates that NLMs could have a
significant impact on the prevalence of phishing attacks and emphasizes the
need for further study on the ethical and security implications of using NLMs
for malicious purposes. | cs.CL | Targeted Phishing Campaigns using Large Scale Language Models |
2022-12-30T02:31:35Z | http://arxiv.org/pdf/2212.14518v1 | http://arxiv.org/abs/2212.14518v1 | Zehua Chen, Yihan Wu, Yichong Leng, Jiawei Chen, Haohe Liu, Xu Tan, Yang Cui, Ke Wang, Lei He, Sheng Zhao, Jiang Bian, Danilo Mandic | 2022-12-30T02:31:35Z | eess.AS, cs.CL, cs.LG, cs.SD, eess.SP | Denoising Diffusion Probabilistic Models (DDPMs) are emerging in
text-to-speech (TTS) synthesis because of their strong capability of generating
high-fidelity samples. However, their iterative refinement process in
high-dimensional data space results in slow inference speed, which restricts
their application in real-time systems. Previous works have explored speeding
up by minimizing the number of inference steps but at the cost of sample
quality. In this work, to improve the inference speed for DDPM-based TTS model
while achieving high sample quality, we propose ResGrad, a lightweight
diffusion model which learns to refine the output spectrogram of an existing
TTS model (e.g., FastSpeech 2) by predicting the residual between the model
output and the corresponding ground-truth speech. ResGrad has several
advantages: 1) Compare with other acceleration methods for DDPM which need to
synthesize speech from scratch, ResGrad reduces the complexity of task by
changing the generation target from ground-truth mel-spectrogram to the
residual, resulting into a more lightweight model and thus a smaller real-time
factor. 2) ResGrad is employed in the inference process of the existing TTS
model in a plug-and-play way, without re-training this model. We verify ResGrad
on the single-speaker dataset LJSpeech and two more challenging datasets with
multiple speakers (LibriTTS) and high sampling rate (VCTK). Experimental
results show that in comparison with other speed-up methods of DDPMs: 1)
ResGrad achieves better sample quality with the same inference speed measured
by real-time factor; 2) with similar speech quality, ResGrad synthesizes speech
faster than baseline methods by more than 10 times. Audio samples are available
at https://resgrad1.github.io/. | eess.AS | ResGrad: Residual Denoising Diffusion Probabilistic Models for Text to Speech |
2022-12-30T00:02:58Z | http://arxiv.org/pdf/2212.14490v1 | http://arxiv.org/abs/2212.14490v1 | Brian Diep, Marija Stanojevic, Jekaterina Novikova | 2022-12-30T00:02:58Z | cs.SD, cs.CL, cs.MM, eess.AS | Traditional screening practices for anxiety and depression pose an impediment
to monitoring and treating these conditions effectively. However, recent
advances in NLP and speech modelling allow textual, acoustic, and hand-crafted
language-based features to jointly form the basis of future mental health
screening and condition detection. Speech is a rich and readily available
source of insight into an individual's cognitive state and by leveraging
different aspects of speech, we can develop new digital biomarkers for
depression and anxiety. To this end, we propose a multi-modal system for the
screening of depression and anxiety from self-administered speech tasks. The
proposed model integrates deep-learned features from audio and text, as well as
hand-crafted features that are informed by clinically-validated domain
knowledge. We find that augmenting hand-crafted features with deep-learned
features improves our overall classification F1 score comparing to a baseline
of hand-crafted features alone from 0.58 to 0.63 for depression and from 0.54
to 0.57 for anxiety. The findings of our work suggest that speech-based
biomarkers for depression and anxiety hold significant promise in the future of
digital health. | cs.SD | Multi-modal deep learning system for depression and anxiety detection |
2022-12-29T23:47:14Z | http://arxiv.org/pdf/2212.14486v2 | http://arxiv.org/abs/2212.14486v2 | Ankita Gupta, Su Lin Blodgett, Justin H Gross, Brendan O'Connor | 2023-01-06T04:03:03Z | cs.CL | Participants in political discourse employ rhetorical strategies -- such as
hedging, attributions, or denials -- to display varying degrees of belief
commitments to claims proposed by themselves or others. Traditionally,
political scientists have studied these epistemic phenomena through
labor-intensive manual content analysis. We propose to help automate such work
through epistemic stance prediction, drawn from research in computational
semantics, to distinguish at the clausal level what is asserted, denied, or
only ambivalently suggested by the author or other mentioned entities (belief
holders). We first develop a simple RoBERTa-based model for multi-source stance
predictions that outperforms more complex state-of-the-art modeling. Then we
demonstrate its novel application to political science by conducting a
large-scale analysis of the Mass Market Manifestos corpus of U.S. political
opinion books, where we characterize trends in cited belief holders --
respected allies and opposed bogeymen -- across U.S. political ideologies. | cs.CL | Examining Political Rhetoric with Epistemic Stance Detection |
2022-12-29T20:49:58Z | http://arxiv.org/pdf/2212.14454v4 | http://arxiv.org/abs/2212.14454v4 | Zhuo Chen, Jiaoyan Chen, Wen Zhang, Lingbing Guo, Yin Fang, Yufeng Huang, Yichi Zhang, Yuxia Geng, Jeff Z. Pan, Wenting Song, Huajun Chen | 2023-07-30T14:39:36Z | cs.AI, cs.CL | Multi-modal entity alignment (MMEA) aims to discover identical entities
across different knowledge graphs (KGs) whose entities are associated with
relevant images. However, current MMEA algorithms rely on KG-level modality
fusion strategies for multi-modal entity representation, which ignores the
variations of modality preferences of different entities, thus compromising
robustness against noise in modalities such as blurry images and relations.
This paper introduces MEAformer, a multi-modal entity alignment transformer
approach for meta modality hybrid, which dynamically predicts the mutual
correlation coefficients among modalities for more fine-grained entity-level
modality fusion and alignment. Experimental results demonstrate that our model
not only achieves SOTA performance in multiple training scenarios, including
supervised, unsupervised, iterative, and low-resource settings, but also has a
limited number of parameters, efficient runtime, and interpretability. Our code
is available at https://github.com/zjukg/MEAformer. | cs.AI | MEAformer: Multi-modal Entity Alignment Transformer for Meta Modality Hybrid |
2022-12-29T20:39:36Z | http://arxiv.org/pdf/2212.14453v2 | http://arxiv.org/abs/2212.14453v2 | Zichang Liu, Zhiqiang Tang, Xingjian Shi, Aston Zhang, Mu Li, Anshumali Shrivastava, Andrew Gordon Wilson | 2023-04-24T14:48:00Z | cs.LG, cs.CL, cs.CV | The ability to jointly learn from multiple modalities, such as text, audio,
and visual data, is a defining feature of intelligent systems. While there have
been promising advances in designing neural networks to harness multimodal
data, the enormous success of data augmentation currently remains limited to
single-modality tasks like image classification. Indeed, it is particularly
difficult to augment each modality while preserving the overall semantic
structure of the data; for example, a caption may no longer be a good
description of an image after standard augmentations have been applied, such as
translation. Moreover, it is challenging to specify reasonable transformations
that are not tailored to a particular modality. In this paper, we introduce
LeMDA, Learning Multimodal Data Augmentation, an easy-to-use method that
automatically learns to jointly augment multimodal data in feature space, with
no constraints on the identities of the modalities or the relationship between
modalities. We show that LeMDA can (1) profoundly improve the performance of
multimodal deep learning architectures, (2) apply to combinations of modalities
that have not been previously considered, and (3) achieve state-of-the-art
results on a wide range of applications comprised of image, text, and tabular
data. | cs.LG | Learning Multimodal Data Augmentation in Feature Space |
2022-12-29T18:21:09Z | http://arxiv.org/pdf/2301.00671v1 | http://arxiv.org/abs/2301.00671v1 | Ozgur Karadeniz, Bettina Berendt, Sercan Kiyak, Stefan Mertens, Leen d'Haenens | 2022-12-29T18:21:09Z | cs.CL, cs.AI, cs.CY, cs.DB | Diversity Searcher is a tool originally developed to help analyse diversity
in news media texts. It relies on a form of automated content analysis and thus
rests on prior assumptions and depends on certain design choices related to
diversity and fairness. One such design choice is the external knowledge
source(s) used. In this article, we discuss implications that these sources can
have on the results of content analysis. We compare two data sources that
Diversity Searcher has worked with - DBpedia and Wikidata - with respect to
their ontological coverage and diversity, and describe implications for the
resulting analyses of text corpora. We describe a case study of the relative
over- or under-representation of Belgian political parties between 1990 and
2020 in the English-language DBpedia, the Dutch-language DBpedia, and Wikidata,
and highlight the many decisions needed with regard to the design of this data
analysis and the assumptions behind it, as well as implications from the
results. In particular, we came across a staggering over-representation of the
political right in the English-language DBpedia. | cs.CL | Political representation bias in DBpedia and Wikidata as a challenge for downstream processing |
2022-12-29T18:19:43Z | http://arxiv.org/pdf/2212.14402v1 | http://arxiv.org/abs/2212.14402v1 | Michael Bommarito II, Daniel Martin Katz | 2022-12-29T18:19:43Z | cs.CL, cs.AI, cs.LG | Nearly all jurisdictions in the United States require a professional license
exam, commonly referred to as "the Bar Exam," as a precondition for law
practice. To even sit for the exam, most jurisdictions require that an
applicant completes at least seven years of post-secondary education, including
three years at an accredited law school. In addition, most test-takers also
undergo weeks to months of further, exam-specific preparation. Despite this
significant investment of time and capital, approximately one in five
test-takers still score under the rate required to pass the exam on their first
try. In the face of a complex task that requires such depth of knowledge, what,
then, should we expect of the state of the art in "AI?" In this research, we
document our experimental evaluation of the performance of OpenAI's
`text-davinci-003` model, often-referred to as GPT-3.5, on the multistate
multiple choice (MBE) section of the exam. While we find no benefit in
fine-tuning over GPT-3.5's zero-shot performance at the scale of our training
data, we do find that hyperparameter optimization and prompt engineering
positively impacted GPT-3.5's zero-shot performance. For best prompt and
parameters, GPT-3.5 achieves a headline correct rate of 50.3% on a complete
NCBE MBE practice exam, significantly in excess of the 25% baseline guessing
rate, and performs at a passing rate for both Evidence and Torts. GPT-3.5's
ranking of responses is also highly-correlated with correctness; its top two
and top three choices are correct 71% and 88% of the time, respectively,
indicating very strong non-entailment performance. While our ability to
interpret these results is limited by nascent scientific understanding of LLMs
and the proprietary nature of GPT, we believe that these results strongly
suggest that an LLM will pass the MBE component of the Bar Exam in the near
future. | cs.CL | GPT Takes the Bar Exam |
2022-12-29T12:57:23Z | http://arxiv.org/pdf/2212.14293v1 | http://arxiv.org/abs/2212.14293v1 | Nikolay Babakov, Maria Lysyuk, Alexander Shvets, Lilya Kazakova, Alexander Panchenko | 2022-12-29T12:57:23Z | cs.CL | This paper presents a solution to the GenChal 2022 shared task dedicated to
feedback comment generation for writing learning. In terms of this task given a
text with an error and a span of the error, a system generates an explanatory
note that helps the writer (language learner) to improve their writing skills.
Our solution is based on fine-tuning the T5 model on the initial dataset
augmented according to syntactical dependencies of the words located within
indicated error span. The solution of our team "nigula" obtained second place
according to manual evaluation by the organizers. | cs.CL | Error syntax aware augmentation of feedback comment generation dataset |
2022-12-29T11:44:42Z | http://arxiv.org/pdf/2212.14270v1 | http://arxiv.org/abs/2212.14270v1 | Bo Li, Wei Ye, Jinglei Zhang, Shikun Zhang | 2022-12-29T11:44:42Z | cs.CL | The typical way for relation extraction is fine-tuning large pre-trained
language models on task-specific datasets, then selecting the label with the
highest probability of the output distribution as the final prediction.
However, the usage of the Top-k prediction set for a given sample is commonly
overlooked. In this paper, we first reveal that the Top-k prediction set of a
given sample contains useful information for predicting the correct label. To
effectively utilizes the Top-k prediction set, we propose Label Graph Network
with Top-k Prediction Set, termed as KLG. Specifically, for a given sample, we
build a label graph to review candidate labels in the Top-k prediction set and
learn the connections between them. We also design a dynamic $k$-selection
mechanism to learn more powerful and discriminative relation representation.
Our experiments show that KLG achieves the best performances on three relation
extraction datasets. Moreover, we observe that KLG is more effective in dealing
with long-tailed classes. | cs.CL | Reviewing Labels: Label Graph Network with Top-k Prediction Set for Relation Extraction |
2022-12-29T11:28:05Z | http://arxiv.org/pdf/2212.14266v2 | http://arxiv.org/abs/2212.14266v2 | Bo Li, Dingyao Yu, Wei Ye, Jinglei Zhang, Shikun Zhang | 2023-02-10T02:07:08Z | cs.CL | Sequence generation demonstrates promising performance in recent information
extraction efforts, by incorporating large-scale pre-trained Seq2Seq models.
This paper investigates the merits of employing sequence generation in relation
extraction, finding that with relation names or synonyms as generation targets,
their textual semantics and the correlation (in terms of word sequence pattern)
among them affect model performance. We then propose Relation Extraction with
Label Augmentation (RELA), a Seq2Seq model with automatic label augmentation
for RE. By saying label augmentation, we mean prod semantically synonyms for
each relation name as the generation target. Besides, we present an in-depth
analysis of the Seq2Seq model's behavior when dealing with RE. Experimental
results show that RELA achieves competitive results compared with previous
methods on four RE datasets. | cs.CL | Sequence Generation with Label Augmentation for Relation Extraction |
2022-12-29T07:50:14Z | http://arxiv.org/pdf/2212.14206v1 | http://arxiv.org/abs/2212.14206v1 | Pranjali Awasthi, David Recio-Mitter, Yosuke Kyle Sugi | 2022-12-29T07:50:14Z | cs.CL, cs.IR, cs.LG, H.3.3 | Language models have become increasingly popular in recent years for tasks
like information retrieval. As use-cases become oriented toward specific
domains, fine-tuning becomes default for standard performance. To fine-tune
these models for specific tasks and datasets, it is necessary to carefully tune
the model's hyperparameters and training techniques. In this paper, we present
an in-depth analysis of the performance of four transformer-based language
models on the task of biomedical information retrieval. The models we consider
are DeepMind's RETRO (7B parameters), GPT-J (6B parameters), GPT-3 (175B
parameters), and BLOOM (176B parameters). We compare their performance on the
basis of relevance, accuracy, and interpretability, using a large corpus of
480000 research papers on protein structure/function prediction as our dataset.
Our findings suggest that smaller models, with <10B parameters and fine-tuned
on domain-specific datasets, tend to outperform larger language models on
highly specific questions in terms of accuracy, relevancy, and interpretability
by a significant margin (+50% on average). However, larger models do provide
generally better results on broader prompts. | cs.CL | Maximizing Use-Case Specificity through Precision Model Tuning |
2022-12-29T03:23:43Z | http://arxiv.org/pdf/2301.00676v1 | http://arxiv.org/abs/2301.00676v1 | Kei Akuzawa, Yusuke Iwasawa, Yutaka Matsuo | 2022-12-29T03:23:43Z | cs.LG, cs.AI, cs.CL | Agents that can follow language instructions are expected to be useful in a
variety of situations such as navigation. However, training neural
network-based agents requires numerous paired trajectories and languages. This
paper proposes using multimodal generative models for semi-supervised learning
in the instruction following tasks. The models learn a shared representation of
the paired data, and enable semi-supervised learning by reconstructing unpaired
data through the representation. Key challenges in applying the models to
sequence-to-sequence tasks including instruction following are learning a
shared representation of variable-length mulitimodal data and incorporating
attention mechanisms. To address the problems, this paper proposes a novel
network architecture to absorb the difference in the sequence lengths of the
multimodal data. In addition, to further improve the performance, this paper
shows how to incorporate the generative model-based approach with an existing
semi-supervised method called a speaker-follower model, and proposes a
regularization term that improves inference using unpaired trajectories.
Experiments on BabyAI and Room-to-Room (R2R) environments show that the
proposed method improves the performance of instruction following by leveraging
unpaired data, and improves the performance of the speaker-follower model by
2\% to 4\% in R2R. | cs.LG | Multimodal Sequential Generative Models for Semi-Supervised Language Instruction Following |
2022-12-29T02:09:49Z | http://arxiv.org/pdf/2212.14149v1 | http://arxiv.org/abs/2212.14149v1 | Chanwoo Kim, Sathish Indurti, Jinhwan Park, Wonyong Sung | 2022-12-29T02:09:49Z | cs.LG, cs.CL, cs.SD, eess.AS | This paper proposes a new regularization algorithm referred to as macro-block
dropout. The overfitting issue has been a difficult problem in training large
neural network models. The dropout technique has proven to be simple yet very
effective for regularization by preventing complex co-adaptations during
training. In our work, we define a macro-block that contains a large number of
units from the input to a Recurrent Neural Network (RNN). Rather than applying
dropout to each unit, we apply random dropout to each macro-block. This
algorithm has the effect of applying different drop out rates for each layer
even if we keep a constant average dropout rate, which has better
regularization effects. In our experiments using Recurrent Neural
Network-Transducer (RNN-T), this algorithm shows relatively 4.30 % and 6.13 %
Word Error Rates (WERs) improvement over the conventional dropout on
LibriSpeech test-clean and test-other. With an Attention-based Encoder-Decoder
(AED) model, this algorithm shows relatively 4.36 % and 5.85 % WERs improvement
over the conventional dropout on the same test sets. | cs.LG | Macro-block dropout for improved regularization in training end-to-end speech recognition models |
2022-12-28T22:46:57Z | http://arxiv.org/pdf/2212.14117v1 | http://arxiv.org/abs/2212.14117v1 | Jabri Ismail, Aboulbichr Ahmed, El ouaazizi Aziza | 2022-12-28T22:46:57Z | cs.CL, cs.AI, cs.LG | Nowadays, the current neural network models of dialogue generation(chatbots)
show great promise for generating answers for chatty agents. But they are
short-sighted in that they predict utterances one at a time while disregarding
their impact on future outcomes. Modelling a dialogue's future direction is
critical for generating coherent, interesting dialogues, a need that has led
traditional NLP dialogue models that rely on reinforcement learning. In this
article, we explain how to combine these objectives by using deep reinforcement
learning to predict future rewards in chatbot dialogue. The model simulates
conversations between two virtual agents, with policy gradient methods used to
reward sequences that exhibit three useful conversational characteristics: the
flow of informality, coherence, and simplicity of response (related to
forward-looking function). We assess our model based on its diversity, length,
and complexity with regard to humans. In dialogue simulation, evaluations
demonstrated that the proposed model generates more interactive responses and
encourages a more sustained successful conversation. This work commemorates a
preliminary step toward developing a neural conversational model based on the
long-term success of dialogues. | cs.CL | Improving a sequence-to-sequence nlp model using a reinforcement learning policy algorithm |
2022-12-28T21:45:59Z | http://arxiv.org/pdf/2212.14104v1 | http://arxiv.org/abs/2212.14104v1 | Sherman Siu | 2022-12-28T21:45:59Z | cs.CL, cs.AI, cs.LG | Although most reinforcement learning research has centered on competitive
games, little work has been done on applying it to co-operative multiplayer
games or text-based games. Codenames is a board game that involves both
asymmetric co-operation and natural language processing, which makes it an
excellent candidate for advancing RL research. To my knowledge, this work is
the first to formulate Codenames as a Markov Decision Process and apply some
well-known reinforcement learning algorithms such as SAC, PPO, and A2C to the
environment. Although none of the above algorithms converge for the Codenames
environment, neither do they converge for a simplified environment called
ClickPixel, except when the board size is small. | cs.CL | Towards automating Codenames spymasters with deep reinforcement learning |
2022-12-28T21:41:25Z | http://arxiv.org/pdf/2212.14102v1 | http://arxiv.org/abs/2212.14102v1 | Xiong Liu, Iya Khalil, Murthy Devarakonda | 2022-12-28T21:41:25Z | cs.LG, cs.AI, cs.CL, cs.CY, q-bio.QM | Inferring knowledge from clinical trials using knowledge graph embedding is
an emerging area. However, customizing graph embeddings for different use cases
remains a significant challenge. We propose custom2vec, an algorithmic
framework to customize graph embeddings by incorporating user preferences in
training the embeddings. It captures user preferences by adding custom nodes
and links derived from manually vetted results of a separate information
retrieval method. We propose a joint learning objective to preserve the
original network structure while incorporating the user's custom annotations.
We hypothesize that the custom training improves user-expected predictions, for
example, in link prediction tasks. We demonstrate the effectiveness of
custom2vec for clinical trials related to non-small cell lung cancer (NSCLC)
with two customization scenarios: recommending immuno-oncology trials
evaluating PD-1 inhibitors and exploring similar trials that compare new
therapies with a standard of care. The results show that custom2vec training
achieves better performance than the conventional training methods. Our
approach is a novel way to customize knowledge graph embeddings and enable more
accurate recommendations and predictions. | cs.LG | Customizing Knowledge Graph Embedding to Improve Clinical Study Recommendation |
2022-12-28T21:23:55Z | http://arxiv.org/pdf/2212.14100v1 | http://arxiv.org/abs/2212.14100v1 | Jessica Lin | 2022-12-28T21:23:55Z | cs.CL | While much attention has been paid to identifying explicit hate speech,
implicit hateful expressions that are disguised in coded or indirect language
are pervasive and remain a major challenge for existing hate speech detection
systems. This paper presents the first attempt to apply Entity Linking (EL)
techniques to both explicit and implicit hate speech detection, where we show
that such real world knowledge about entity mentions in a text does help models
better detect hate speech, and the benefit of adding it into the model is more
pronounced when explicit entity triggers (e.g., rally, KKK) are present. We
also discuss cases where real world knowledge does not add value to hate speech
detection, which provides more insights into understanding and modeling the
subtleties of hate speech. | cs.CL | Leveraging World Knowledge in Implicit Hate Speech Detection |
2022-12-28T19:37:04Z | http://arxiv.org/pdf/2212.14074v2 | http://arxiv.org/abs/2212.14074v2 | Victor Bystrov, Viktoriia Naboka, Anna Staszewska-Bystrova, Peter Winker | 2023-02-15T20:38:34Z | cs.CL, cs.LG, stat.ML | Selecting the number of topics in LDA models is considered to be a difficult
task, for which alternative approaches have been proposed. The performance of
the recently developed singular Bayesian information criterion (sBIC) is
evaluated and compared to the performance of alternative model selection
criteria. The sBIC is a generalization of the standard BIC that can be
implemented to singular statistical models. The comparison is based on Monte
Carlo simulations and carried out for several alternative settings, varying
with respect to the number of topics, the number of documents and the size of
documents in the corpora. Performance is measured using different criteria
which take into account the correct number of topics, but also whether the
relevant topics from the DGPs are identified. Practical recommendations for LDA
model selection in applications are derived. | cs.CL | Choosing the Number of Topics in LDA Models -- A Monte Carlo Comparison of Selection Criteria |
2022-12-28T18:59:28Z | http://arxiv.org/pdf/2212.14034v1 | http://arxiv.org/abs/2212.14034v1 | Jonas Geiping, Tom Goldstein | 2022-12-28T18:59:28Z | cs.CL, cs.LG | Recent trends in language modeling have focused on increasing performance
through scaling, and have resulted in an environment where training language
models is out of reach for most researchers and practitioners. While most in
the community are asking how to push the limits of extreme computation, we ask
the opposite question: How far can we get with a single GPU in just one day?
We investigate the downstream performance achievable with a transformer-based
language model trained completely from scratch with masked language modeling
for a single day on a single consumer GPU. Aside from re-analyzing nearly all
components of the pretraining pipeline for this scenario and providing a
modified pipeline with performance close to BERT, we investigate why scaling
down is hard, and which modifications actually improve performance in this
scenario. We provide evidence that even in this constrained setting,
performance closely follows scaling laws observed in large-compute settings.
Through the lens of scaling laws, we categorize a range of recent improvements
to training and architecture and discuss their merit and practical
applicability (or lack thereof) for the limited compute setting. | cs.CL | Cramming: Training a Language Model on a Single GPU in One Day |
2022-12-28T18:52:44Z | http://arxiv.org/pdf/2212.14024v2 | http://arxiv.org/abs/2212.14024v2 | Omar Khattab, Keshav Santhanam, Xiang Lisa Li, David Hall, Percy Liang, Christopher Potts, Matei Zaharia | 2023-01-23T17:00:01Z | cs.CL, cs.IR | Retrieval-augmented in-context learning has emerged as a powerful approach
for addressing knowledge-intensive tasks using frozen language models (LM) and
retrieval models (RM). Existing work has combined these in simple
"retrieve-then-read" pipelines in which the RM retrieves passages that are
inserted into the LM prompt. To begin to fully realize the potential of frozen
LMs and RMs, we propose Demonstrate-Search-Predict (DSP), a framework that
relies on passing natural language texts in sophisticated pipelines between an
LM and an RM. DSP can express high-level programs that bootstrap pipeline-aware
demonstrations, search for relevant passages, and generate grounded
predictions, systematically breaking down problems into small transformations
that the LM and RM can handle more reliably. We have written novel DSP programs
for answering questions in open-domain, multi-hop, and conversational settings,
establishing in early evaluations new state-of-the-art in-context learning
results and delivering 37-120%, 8-39%, and 80-290% relative gains against the
vanilla LM (GPT-3.5), a standard retrieve-then-read pipeline, and a
contemporaneous self-ask pipeline, respectively. We release DSP at
https://github.com/stanfordnlp/dsp | cs.CL | Demonstrate-Search-Predict: Composing retrieval and language models for knowledge-intensive NLP |
2022-12-28T17:56:03Z | http://arxiv.org/pdf/2212.14052v3 | http://arxiv.org/abs/2212.14052v3 | Daniel Y. Fu, Tri Dao, Khaled K. Saab, Armin W. Thomas, Atri Rudra, Christopher Ré | 2023-04-29T03:18:40Z | cs.LG, cs.CL | State space models (SSMs) have demonstrated state-of-the-art sequence
modeling performance in some modalities, but underperform attention in language
modeling. Moreover, despite scaling nearly linearly in sequence length instead
of quadratically, SSMs are still slower than Transformers due to poor hardware
utilization. In this paper, we make progress on understanding the expressivity
gap between SSMs and attention in language modeling, and on reducing the
hardware barrier between SSMs and attention. First, we use synthetic language
modeling tasks to understand the gap between SSMs and attention. We find that
existing SSMs struggle with two capabilities: recalling earlier tokens in the
sequence and comparing tokens across the sequence. To understand the impact on
language modeling, we propose a new SSM layer, H3, that is explicitly designed
for these abilities. H3 matches attention on the synthetic languages and comes
within 0.4 PPL of Transformers on OpenWebText. Furthermore, a hybrid
125M-parameter H3-attention model that retains two attention layers
surprisingly outperforms Transformers on OpenWebText by 1.0 PPL. Next, to
improve the efficiency of training SSMs on modern hardware, we propose
FlashConv. FlashConv uses a fused block FFT algorithm to improve efficiency on
sequences up to 8K, and introduces a novel state passing algorithm that
exploits the recurrent properties of SSMs to scale to longer sequences.
FlashConv yields 2$\times$ speedup on the long-range arena benchmark and allows
hybrid language models to generate text 2.4$\times$ faster than Transformers.
Using FlashConv, we scale hybrid H3-attention language models up to 2.7B
parameters on the Pile and find promising initial results, achieving lower
perplexity than Transformers and outperforming Transformers in zero- and
few-shot learning on a majority of tasks in the SuperGLUE benchmark. | cs.LG | Hungry Hungry Hippos: Towards Language Modeling with State Space Models |
2022-12-28T16:38:43Z | http://arxiv.org/pdf/2212.13939v3 | http://arxiv.org/abs/2212.13939v3 | Dania Refai, Saleh Abo-Soud, Mohammad Abdel-Rahman | 2023-08-20T15:32:29Z | cs.CL, cs.AI, cs.LG | The performance of learning models heavily relies on the availability and
adequacy of training data. To address the dataset adequacy issue, researchers
have extensively explored data augmentation (DA) as a promising approach. DA
generates new data instances through transformations applied to the available
data, thereby increasing dataset size and variability. This approach has
enhanced model performance and accuracy, particularly in addressing class
imbalance problems in classification tasks. However, few studies have explored
DA for the Arabic language, relying on traditional approaches such as
paraphrasing or noising-based techniques. In this paper, we propose a new
Arabic DA method that employs the recent powerful modeling technique, namely
the AraGPT-2, for the augmentation process. The generated sentences are
evaluated in terms of context, semantics, diversity, and novelty using the
Euclidean, cosine, Jaccard, and BLEU distances. Finally, the AraBERT
transformer is used on sentiment classification tasks to evaluate the
classification performance of the augmented Arabic dataset. The experiments
were conducted on four sentiment Arabic datasets: AraSarcasm, ASTD, ATT, and
MOVIE. The selected datasets vary in size, label number, and unbalanced
classes. The results show that the proposed methodology enhanced the Arabic
sentiment text classification on all datasets with an increase in F1 score by
4% in AraSarcasm, 6% in ASTD, 9% in ATT, and 13% in MOVIE. | cs.CL | Data Augmentation using Transformers and Similarity Measures for Improving Arabic Text Classification |
2022-12-28T15:26:04Z | http://arxiv.org/pdf/2212.13860v1 | http://arxiv.org/abs/2212.13860v1 | Chengzhi Zhang, Yi Xiang, Wenke Hao, Zhicheng Li, Yuchen Qian, Yuzhuo Wang | 2022-12-28T15:26:04Z | cs.CL, cs.DL | Future work sentences (FWS) are the particular sentences in academic papers
that contain the author's description of their proposed follow-up research
direction. This paper presents methods to automatically extract FWS from
academic papers and classify them according to the different future directions
embodied in the paper's content. FWS recognition methods will enable subsequent
researchers to locate future work sentences more accurately and quickly and
reduce the time and cost of acquiring the corpus. The current work on automatic
identification of future work sentences is relatively small, and the existing
research cannot accurately identify FWS from academic papers, and thus cannot
conduct data mining on a large scale. Furthermore, there are many aspects to
the content of future work, and the subdivision of the content is conducive to
the analysis of specific development directions. In this paper, Nature Language
Processing (NLP) is used as a case study, and FWS are extracted from academic
papers and classified into different types. We manually build an annotated
corpus with six different types of FWS. Then, automatic recognition and
classification of FWS are implemented using machine learning models, and the
performance of these models is compared based on the evaluation metrics. The
results show that the Bernoulli Bayesian model has the best performance in the
automatic recognition task, with the Macro F1 reaching 90.73%, and the SCIBERT
model has the best performance in the automatic classification task, with the
weighted average F1 reaching 72.63%. Finally, we extract keywords from FWS and
gain a deep understanding of the key content described in FWS, and we also
demonstrate that content determination in FWS will be reflected in the
subsequent research work by measuring the similarity between future work
sentences and the abstracts. | cs.CL | Automatic Recognition and Classification of Future Work Sentences from Academic Articles in a Specific Domain |
2022-12-28T08:10:31Z | http://arxiv.org/pdf/2212.13738v2 | http://arxiv.org/abs/2212.13738v2 | Yuncong Yang, Jiawei Ma, Shiyuan Huang, Long Chen, Xudong Lin, Guangxing Han, Shih-Fu Chang | 2023-03-30T01:42:53Z | cs.CV, cs.CL | Video representation learning has been successful in video-text pre-training
for zero-shot transfer, where each sentence is trained to be close to the
paired video clips in a common feature space. For long videos, given a
paragraph of description where the sentences describe different segments of the
video, by matching all sentence-clip pairs, the paragraph and the full video
are aligned implicitly. However, such unit-level comparison may ignore global
temporal context, which inevitably limits the generalization ability. In this
paper, we propose a contrastive learning framework TempCLR to compare the full
video and the paragraph explicitly. As the video/paragraph is formulated as a
sequence of clips/sentences, under the constraint of their temporal order, we
use dynamic time warping to compute the minimum cumulative cost over
sentence-clip pairs as the sequence-level distance. To explore the temporal
dynamics, we break the consistency of temporal succession by shuffling video
clips w.r.t. temporal granularity. Then, we obtain the representations for
clips/sentences, which perceive the temporal information and thus facilitate
the sequence alignment. In addition to pre-training on the video and paragraph,
our approach can also generalize on the matching between video instances. We
evaluate our approach on video retrieval, action step localization, and
few-shot action recognition, and achieve consistent performance gain over all
three tasks. Detailed ablation studies are provided to justify the approach
design. | cs.CV | TempCLR: Temporal Alignment Representation with Contrastive Learning |
2022-12-27T23:56:57Z | http://arxiv.org/pdf/2212.14047v1 | http://arxiv.org/abs/2212.14047v1 | Ashley Liew, Klaus Mueller | 2022-12-27T23:56:57Z | cs.CL, cs.AI, cs.HC | Creating compelling captions for data visualizations has been a longstanding
challenge. Visualization researchers are typically untrained in journalistic
reporting and hence the captions that are placed below data visualizations tend
to be not overly engaging and rather just stick to basic observations about the
data. In this work we explore the opportunities offered by the newly emerging
crop of large language models (LLM) which use sophisticated deep learning
technology to produce human-like prose. We ask, can these powerful software
devices be purposed to produce engaging captions for generic data
visualizations like a scatterplot. It turns out that the key challenge lies in
designing the most effective prompt for the LLM, a task called prompt
engineering. We report on first experiments using the popular LLM GPT-3 and
deliver some promising results. | cs.CL | Using Large Language Models to Generate Engaging Captions for Data Visualizations |
2022-12-27T16:08:49Z | http://arxiv.org/pdf/2212.14727v1 | http://arxiv.org/abs/2212.14727v1 | Álvaro Huertas-García, Alejandro Martín, Javier Huertas Tato, David Camacho | 2022-12-27T16:08:49Z | cs.CL, cs.AI, cs.SI | Content moderation is the process of screening and monitoring user-generated
content online. It plays a crucial role in stopping content resulting from
unacceptable behaviors such as hate speech, harassment, violence against
specific groups, terrorism, racism, xenophobia, homophobia, or misogyny, to
mention some few, in Online Social Platforms. These platforms make use of a
plethora of tools to detect and manage malicious information; however,
malicious actors also improve their skills, developing strategies to surpass
these barriers and continuing to spread misleading information. Twisting and
camouflaging keywords are among the most used techniques to evade platform
content moderation systems. In response to this recent ongoing issue, this
paper presents an innovative approach to address this linguistic trend in
social networks through the simulation of different content evasion techniques
and a multilingual Transformer model for content evasion detection. In this
way, we share with the rest of the scientific community a multilingual public
tool, named "pyleetspeak" to generate/simulate in a customizable way the
phenomenon of content evasion through automatic word camouflage and a
multilingual Named-Entity Recognition (NER) Transformer-based model tuned for
its recognition and detection. The multilingual NER model is evaluated in
different textual scenarios, detecting different types and mixtures of
camouflage techniques, achieving an overall weighted F1 score of 0.8795. This
article contributes significantly to countering malicious information by
developing multilingual tools to simulate and detect new methods of evasion of
content on social networks, making the fight against information disorders more
effective. | cs.CL | Countering Malicious Content Moderation Evasion in Online Social Networks: Simulation and Detection of Word Camouflage |
2022-12-27T13:58:30Z | http://arxiv.org/pdf/2212.13492v1 | http://arxiv.org/abs/2212.13492v1 | Longxu Dou, Yan Gao, Mingyang Pan, Dingzirui Wang, Wanxiang Che, Dechen Zhan, Jian-Guang Lou | 2022-12-27T13:58:30Z | cs.CL | Text-to-SQL semantic parsing is an important NLP task, which greatly
facilitates the interaction between users and the database and becomes the key
component in many human-computer interaction systems. Much recent progress in
text-to-SQL has been driven by large-scale datasets, but most of them are
centered on English. In this work, we present MultiSpider, the largest
multilingual text-to-SQL dataset which covers seven languages (English, German,
French, Spanish, Japanese, Chinese, and Vietnamese). Upon MultiSpider, we
further identify the lexical and structural challenges of text-to-SQL (caused
by specific language properties and dialect sayings) and their intensity across
different languages. Experimental results under three typical settings
(zero-shot, monolingual and multilingual) reveal a 6.1% absolute drop in
accuracy in non-English languages. Qualitative and quantitative analyses are
conducted to understand the reason for the performance drop of each language.
Besides the dataset, we also propose a simple schema augmentation framework
SAVe (Schema-Augmentation-with-Verification), which significantly boosts the
overall performance by about 1.8% and closes the 29.5% performance gap across
languages. | cs.CL | MultiSpider: Towards Benchmarking Multilingual Text-to-SQL Semantic Parsing |
2022-12-27T12:34:57Z | http://arxiv.org/pdf/2212.13465v2 | http://arxiv.org/abs/2212.13465v2 | Dingzirui Wang, Longxu Dou, Wanxiang Che | 2023-02-02T02:44:58Z | cs.CL, cs.AI | Table-and-text hybrid question answering (HybridQA) is a widely used and
challenging NLP task commonly applied in the financial and scientific domain.
The early research focuses on migrating other QA task methods to HybridQA,
while with further research, more and more HybridQA-specific methods have been
present. With the rapid development of HybridQA, the systematic survey is still
under-explored to summarize the main techniques and advance further research.
So we present this work to summarize the current HybridQA benchmarks and
methods, then analyze the challenges and future directions of this task. The
contributions of this paper can be summarized in three folds: (1) first survey,
to our best knowledge, including benchmarks, methods and challenges for
HybridQA; (2) systematic investigation with the reasonable comparison of the
existing systems to articulate their advantages and shortcomings; (3) detailed
analysis of challenges in four important dimensions to shed light on future
directions. | cs.CL | A Survey on Table-and-Text HybridQA: Concepts, Methods, Challenges and Future Directions |
2022-12-27T12:05:23Z | http://arxiv.org/pdf/2212.14674v1 | http://arxiv.org/abs/2212.14674v1 | Gürkan Soykan, Deniz Yuret, Tevfik Metin Sezgin | 2022-12-27T12:05:23Z | cs.CL, cs.AI | This study focuses on improving the optical character recognition (OCR) data
for panels in the COMICS dataset, the largest dataset containing text and
images from comic books. To do this, we developed a pipeline for OCR processing
and labeling of comic books and created the first text detection and
recognition datasets for western comics, called "COMICS Text+: Detection" and
"COMICS Text+: Recognition". We evaluated the performance of state-of-the-art
text detection and recognition models on these datasets and found significant
improvement in word accuracy and normalized edit distance compared to the text
in COMICS. We also created a new dataset called "COMICS Text+", which contains
the extracted text from the textboxes in the COMICS dataset. Using the improved
text data of COMICS Text+ in the comics processing model from resulted in
state-of-the-art performance on cloze-style tasks without changing the model
architecture. The COMICS Text+ dataset can be a valuable resource for
researchers working on tasks including text detection, recognition, and
high-level processing of comics, such as narrative understanding, character
relations, and story generation. All the data and inference instructions can be
accessed in https://github.com/gsoykan/comics_text_plus. | cs.CL | A Comprehensive Gold Standard and Benchmark for Comics Text Detection and Recognition |
2022-12-27T11:50:14Z | http://arxiv.org/pdf/2212.13456v1 | http://arxiv.org/abs/2212.13456v1 | Wang Qi, Rui Liu, Yuan Zuo, Yong Chen, Dell Zhang | 2022-12-27T11:50:14Z | cs.CL | Creating an essay based on a few given topics is a challenging NLP task.
Although several effective methods for this problem, topic-to-essay generation,
have appeared recently, there is still much room for improvement, especially in
terms of the coverage of the given topics and the coherence of the generated
text. In this paper, we propose a novel approach called TegFormer which
utilizes the Transformer architecture where the encoder is enriched with
domain-specific contexts while the decoder is enhanced by a large-scale
pre-trained language model. Specifically, a \emph{Topic-Extension} layer
capturing the interaction between the given topics and their domain-specific
contexts is plugged into the encoder. Since the given topics are usually
concise and sparse, such an additional layer can bring more topic-related
semantics in to facilitate the subsequent natural language generation.
Moreover, an \emph{Embedding-Fusion} module that combines the domain-specific
word embeddings learnt from the given corpus and the general-purpose word
embeddings provided by a GPT-2 model pre-trained on massive text data is
integrated into the decoder. Since GPT-2 is at a much larger scale, it contains
a lot more implicit linguistic knowledge which would help the decoder to
produce more grammatical and readable text. Extensive experiments have shown
that the pieces of text generated by TegFormer have better topic coverage and
higher text coherence than those from SOTA topic-to-essay techniques, according
to automatic and human evaluations. As revealed by ablation studies, both the
Topic-Extension layer and the Embedding-Fusion module contribute substantially
to TegFormer's performance advantage. | cs.CL | TegFormer: Topic-to-Essay Generation with Good Topic Coverage and High Text Coherence |
2022-12-27T09:54:14Z | http://arxiv.org/pdf/2212.13428v1 | http://arxiv.org/abs/2212.13428v1 | Chaoqi Zhen, Yanlei Shang, Xiangyu Liu, Yifei Li, Yong Chen, Dell Zhang | 2022-12-27T09:54:14Z | cs.CL | Natural Language Processing (NLP) has been revolutionized by the use of
Pre-trained Language Models (PLMs) such as BERT. Despite setting new records in
nearly every NLP task, PLMs still face a number of challenges including poor
interpretability, weak reasoning capability, and the need for a lot of
expensive annotated data when applied to downstream tasks. By integrating
external knowledge into PLMs,
\textit{\underline{K}nowledge-\underline{E}nhanced \underline{P}re-trained
\underline{L}anguage \underline{M}odels} (KEPLMs) have the potential to
overcome the above-mentioned limitations. In this paper, we examine KEPLMs
systematically through a series of studies. Specifically, we outline the common
types and different formats of knowledge to be integrated into KEPLMs, detail
the existing methods for building and evaluating KEPLMS, present the
applications of KEPLMs in downstream tasks, and discuss the future research
directions. Researchers will benefit from this survey by gaining a quick and
comprehensive overview of the latest developments in this field. | cs.CL | A Survey on Knowledge-Enhanced Pre-trained Language Models |
2022-12-27T08:37:57Z | http://arxiv.org/pdf/2212.13408v3 | http://arxiv.org/abs/2212.13408v3 | Xu Ye, Meng Xiao, Zhiyuan Ning, Weiwei Dai, Wenjuan Cui, Yi Du, Yuanchun Zhou | 2023-01-11T11:10:59Z | cs.CL, cs.IR | With the development of natural language processing techniques(NLP),
automatic diagnosis of eye diseases using ophthalmology electronic medical
records (OEMR) has become possible. It aims to evaluate the condition of both
eyes of a patient respectively, and we formulate it as a particular multi-label
classification task in this paper. Although there are a few related studies in
other diseases, automatic diagnosis of eye diseases exhibits unique
characteristics. First, descriptions of both eyes are mixed up in OEMR
documents, with both free text and templated asymptomatic descriptions,
resulting in sparsity and clutter of information. Second, OEMR documents
contain multiple parts of descriptions and have long document lengths. Third,
it is critical to provide explainability to the disease diagnosis model. To
overcome those challenges, we present an effective automatic eye disease
diagnosis framework, NEEDED. In this framework, a preprocessing module is
integrated to improve the density and quality of information. Then, we design a
hierarchical transformer structure for learning the contextualized
representations of each sentence in the OEMR document. For the diagnosis part,
we propose an attention-based predictor that enables traceable diagnosis by
obtaining disease-specific information. Experiments on the real dataset and
comparison with several baseline models show the advantage and explainability
of our framework. | cs.CL | NEEDED: Introducing Hierarchical Transformer to Eye Diseases Diagnosis |
2022-12-27T07:21:41Z | http://arxiv.org/pdf/2212.13392v1 | http://arxiv.org/abs/2212.13392v1 | Jasdeep Singh Grover, Bhavesh Gawri, Ruskin Raj Manku | 2022-12-27T07:21:41Z | cs.CL, cs.AI, cs.CV, cs.LG | As language models have grown in parameters and layers, it has become much
harder to train and infer with them on single GPUs. This is severely
restricting the availability of large language models such as GPT-3,
BERT-Large, and many others. A common technique to solve this problem is
pruning the network architecture by removing transformer heads, fully-connected
weights, and other modules. The main challenge is to discern the important
parameters from the less important ones. Our goal is to find strong metrics for
identifying such parameters. We thus propose two strategies: Cam-Cut based on
the GradCAM interpretations, and Smooth-Cut based on the SmoothGrad, for
calculating the importance scores. Through this work, we show that our scoring
functions are able to assign more relevant task-based scores to the network
parameters, and thus both our pruning approaches significantly outperform the
standard weight and gradient-based strategies, especially at higher compression
ratios in BERT-based models. We also analyze our pruning masks and find them to
be significantly different from the ones obtained using standard metrics. | cs.CL | DeepCuts: Single-Shot Interpretability based Pruning for BERT |
2022-12-27T06:42:26Z | http://arxiv.org/pdf/2212.13378v1 | http://arxiv.org/abs/2212.13378v1 | Tomer Wullach, Shlomo E. Chazan | 2022-12-27T06:42:26Z | cs.CL, cs.SD, eess.AS | Automatic Speech Recognition (ASR) systems frequently use a search-based
decoding strategy aiming to find the best attainable transcript by considering
multiple candidates. One prominent speech recognition decoding heuristic is
beam search, which seeks the transcript with the greatest likelihood computed
using the predicted distribution. While showing substantial performance gains
in various tasks, beam search loses some of its effectiveness when the
predicted probabilities are highly confident, i.e., the predicted distribution
is massed for a single or very few classes. We show that recently proposed
Self-Supervised Learning (SSL)-based ASR models tend to yield exceptionally
confident predictions that may hamper beam search from truly considering a
diverse set of candidates. We perform a layer analysis to reveal and visualize
how predictions evolve, and propose a decoding procedure that improves the
performance of fine-tuned ASR models. Our proposed approach does not require
further training beyond the original fine-tuning, nor additional model
parameters. In fact, we find that our proposed method requires significantly
less inference computation than current approaches. We propose aggregating the
top M layers, potentially leveraging useful information encoded in intermediate
layers, and relaxing model confidence. We demonstrate the effectiveness of our
approach by conducting an empirical study on varying amounts of labeled
resources and different model sizes, showing consistent improvements in
particular when applied to low-resource scenarios. | cs.CL | Don't Be So Sure! Boosting ASR Decoding via Confidence Relaxation |
2022-12-26T22:59:57Z | http://arxiv.org/pdf/2212.13317v1 | http://arxiv.org/abs/2212.13317v1 | Diego Maupomé, Fanny Rancourt, Thomas Soulas, Alexandre Lachance, Marie-Jean Meurs, Desislava Aleksandrova, Olivier Brochu Dufour, Igor Pontes, Rémi Cardon, Michel Simard, Sowmya Vajjala | 2022-12-26T22:59:57Z | cs.CL, cs.AI, cs.LG | This report summarizes the work carried out by the authors during the Twelfth
Montreal Industrial Problem Solving Workshop, held at Universit\'e de
Montr\'eal in August 2022. The team tackled a problem submitted by
CBC/Radio-Canada on the theme of Automatic Text Simplification (ATS). | cs.CL | Automatic Text Simplification of News Articles in the Context of Public Broadcasting |
2022-12-26T16:19:03Z | http://arxiv.org/pdf/2212.13205v1 | http://arxiv.org/abs/2212.13205v1 | Teruki Nakahara, Taketoshi Ushiama | 2022-12-26T16:19:03Z | cs.CL | When reading news articles on social networking services and news sites,
readers can view comments marked by other people on these articles. By reading
these comments, a reader can understand the public opinion about the news, and
it is often helpful to grasp the overall picture of the news. However, these
comments often contain offensive language that readers do not prefer to read.
This study aims to predict such offensive comments to improve the quality of
the experience of the reader while reading comments. By considering the
diversity of the readers' values, the proposed method predicts offensive news
comments for each reader based on the feedback from a small number of news
comments that the reader rated as "offensive" in the past. In addition, we used
a machine learning model that considers the characteristics of the commenters
to make predictions, independent of the words and topics in news comments. The
experimental results of the proposed method show that prediction can be
personalized even when the amount of readers' feedback data used in the
prediction is limited. In particular, the proposed method, which considers the
commenters' characteristics, has a low probability of false detection of
offensive comments. | cs.CL | Personalized Prediction of Offensive News Comments by Considering the Characteristics of Commenters |
2022-12-26T16:13:57Z | http://arxiv.org/pdf/2212.13201v3 | http://arxiv.org/abs/2212.13201v3 | Neeraj Gangwar, Nickvash Kani | 2023-12-12T17:18:48Z | cs.CL | Operations research deals with modeling and solving real-world problems as
mathematical optimization problems. While solving mathematical systems is
accomplished by analytical software, formulating a problem as a set of
mathematical operations has been typically done manually by domain experts.
Recent machine learning methods have shown promise in converting textual
problem descriptions to corresponding mathematical formulations. This paper
presents an approach that converts linear programming word problems into
mathematical formulations. We leverage the named entities in the input and
augment the input to highlight these entities. Our approach achieves the
highest accuracy among all submissions to the NL4Opt Competition, securing
first place in the generation track. | cs.CL | Highlighting Named Entities in Input for Auto-Formulation of Optimization Problems |
2022-12-26T16:06:04Z | http://arxiv.org/pdf/2212.13196v1 | http://arxiv.org/abs/2212.13196v1 | Qihao Zhu, Xinyu Zhang, Jianxi Luo | 2022-12-26T16:06:04Z | cs.CL | Biological systems in nature have evolved for millions of years to adapt and
survive the environment. Many features they developed can be inspirational and
beneficial for solving technical problems in modern industries. This leads to a
specific form of design-by-analogy called bio-inspired design (BID). Although
BID as a design method has been proven beneficial, the gap between biology and
engineering continuously hinders designers from effectively applying the
method. Therefore, we explore the recent advance of artificial intelligence
(AI) for a data-driven approach to bridge the gap. This paper proposes a
generative design approach based on the generative pre-trained language model
(PLM) to automatically retrieve and map biological analogy and generate BID in
the form of natural language. The latest generative pre-trained transformer,
namely GPT-3, is used as the base PLM. Three types of design concept generators
are identified and fine-tuned from the PLM according to the looseness of the
problem space representation. Machine evaluators are also fine-tuned to assess
the mapping relevancy between the domains within the generated BID concepts.
The approach is evaluated and then employed in a real-world project of
designing light-weighted flying cars during its conceptual design phase The
results show our approach can generate BID concepts with good performance. | cs.CL | Biologically Inspired Design Concept Generation Using Generative Pre-Trained Transformers |
2022-12-26T14:28:24Z | http://arxiv.org/pdf/2212.13138v1 | http://arxiv.org/abs/2212.13138v1 | Karan Singhal, Shekoofeh Azizi, Tao Tu, S. Sara Mahdavi, Jason Wei, Hyung Won Chung, Nathan Scales, Ajay Tanwani, Heather Cole-Lewis, Stephen Pfohl, Perry Payne, Martin Seneviratne, Paul Gamble, Chris Kelly, Nathaneal Scharli, Aakanksha Chowdhery, Philip Mansfield, Blaise Aguera y Arcas, Dale Webster, Greg S. Corrado, Yossi Matias, Katherine Chou, Juraj Gottweis, Nenad Tomasev, Yun Liu, Alvin Rajkomar, Joelle Barral, Christopher Semturs, Alan Karthikesalingam, Vivek Natarajan | 2022-12-26T14:28:24Z | cs.CL | Large language models (LLMs) have demonstrated impressive capabilities in
natural language understanding and generation, but the quality bar for medical
and clinical applications is high. Today, attempts to assess models' clinical
knowledge typically rely on automated evaluations on limited benchmarks. There
is no standard to evaluate model predictions and reasoning across a breadth of
tasks. To address this, we present MultiMedQA, a benchmark combining six
existing open question answering datasets spanning professional medical exams,
research, and consumer queries; and HealthSearchQA, a new free-response dataset
of medical questions searched online. We propose a framework for human
evaluation of model answers along multiple axes including factuality,
precision, possible harm, and bias. In addition, we evaluate PaLM (a
540-billion parameter LLM) and its instruction-tuned variant, Flan-PaLM, on
MultiMedQA. Using a combination of prompting strategies, Flan-PaLM achieves
state-of-the-art accuracy on every MultiMedQA multiple-choice dataset (MedQA,
MedMCQA, PubMedQA, MMLU clinical topics), including 67.6% accuracy on MedQA (US
Medical License Exam questions), surpassing prior state-of-the-art by over 17%.
However, human evaluation reveals key gaps in Flan-PaLM responses. To resolve
this we introduce instruction prompt tuning, a parameter-efficient approach for
aligning LLMs to new domains using a few exemplars. The resulting model,
Med-PaLM, performs encouragingly, but remains inferior to clinicians. We show
that comprehension, recall of knowledge, and medical reasoning improve with
model scale and instruction prompt tuning, suggesting the potential utility of
LLMs in medicine. Our human evaluations reveal important limitations of today's
models, reinforcing the importance of both evaluation frameworks and method
development in creating safe, helpful LLM models for clinical applications. | cs.CL | Large Language Models Encode Clinical Knowledge |
2022-12-26T08:12:41Z | http://arxiv.org/pdf/2212.13036v1 | http://arxiv.org/abs/2212.13036v1 | Yechun Tang, Xiaoxia Cheng, Weiming Lu | 2022-12-26T08:12:41Z | cs.CL, cs.AI | Complex knowledge base question answering can be achieved by converting
questions into sequences of predefined actions. However, there is a significant
semantic and structural gap between natural language and action sequences,
which makes this conversion difficult. In this paper, we introduce an
alignment-enhanced complex question answering framework, called ALCQA, which
mitigates this gap through question-to-action alignment and
question-to-question alignment. We train a question rewriting model to align
the question and each action, and utilize a pretrained language model to
implicitly align the question and KG artifacts. Moreover, considering that
similar questions correspond to similar action sequences, we retrieve top-k
similar question-answer pairs at the inference stage through
question-to-question alignment and propose a novel reward-guided action
sequence selection strategy to select from candidate action sequences. We
conduct experiments on CQA and WQSP datasets, and the results show that our
approach outperforms state-of-the-art methods and obtains a 9.88\% improvements
in the F1 metric on CQA dataset. Our source code is available at
https://github.com/TTTTTTTTy/ALCQA. | cs.CL | Improving Complex Knowledge Base Question Answering via Question-to-Action and Question-to-Question Alignment |
2022-12-26T05:10:43Z | http://arxiv.org/pdf/2212.13015v1 | http://arxiv.org/abs/2212.13015v1 | Shangeth Rajaa, Swaraj Dalmia, Kumarmanas Nethil | 2022-12-26T05:10:43Z | cs.CL, cs.LG, cs.SD, eess.AS | Conventional conversation assistants extract text transcripts from the speech
signal using automatic speech recognition (ASR) and then predict intent from
the transcriptions. Using end-to-end spoken language understanding (SLU), the
intents of the speaker are predicted directly from the speech signal without
requiring intermediate text transcripts. As a result, the model can optimize
directly for intent classification and avoid cascading errors from ASR. The
end-to-end SLU system also helps in reducing the latency of the intent
prediction model. Although many datasets are available publicly for
text-to-intent tasks, the availability of labeled speech-to-intent datasets is
limited, and there are no datasets available in the Indian accent. In this
paper, we release the Skit-S2I dataset, the first publicly available
Indian-accented SLU dataset in the banking domain in a conversational tonality.
We experiment with multiple baselines, compare different pretrained speech
encoder's representations, and find that SSL pretrained representations perform
slightly better than ASR pretrained representations lacking prosodic features
for speech-to-intent classification. The dataset and baseline code is available
at \url{https://github.com/skit-ai/speech-to-intent-dataset} | cs.CL | Skit-S2I: An Indian Accented Speech to Intent dataset |
2022-12-26T03:50:36Z | http://arxiv.org/pdf/2212.13005v1 | http://arxiv.org/abs/2212.13005v1 | Tianyi Tang, Junyi Li, Zhipeng Chen, Yiwen Hu, Zhuohao Yu, Wenxun Dai, Zican Dong, Xiaoxue Cheng, Yuhao Wang, Wayne Xin Zhao, Jian-Yun Nie, Ji-Rong Wen | 2022-12-26T03:50:36Z | cs.CL | To facilitate research on text generation, this paper presents a
comprehensive and unified library, TextBox 2.0, focusing on the use of
pre-trained language models (PLMs). To be comprehensive, our library covers
$13$ common text generation tasks and their corresponding $83$ datasets and
further incorporates $45$ PLMs covering general, translation, Chinese,
dialogue, controllable, distilled, prompting, and lightweight PLMs. We also
implement $4$ efficient training strategies and provide $4$ generation
objectives for pre-training new PLMs from scratch. To be unified, we design the
interfaces to support the entire research pipeline (from data loading to
training and evaluation), ensuring that each step can be fulfilled in a unified
way. Despite the rich functionality, it is easy to use our library, either
through the friendly Python API or command line. To validate the effectiveness
of our library, we conduct extensive experiments and exemplify four types of
research scenarios. The project is released at the link:
https://github.com/RUCAIBox/TextBox. | cs.CL | TextBox 2.0: A Text Generation Library with Pre-trained Language Models |
2022-12-25T20:48:40Z | http://arxiv.org/pdf/2212.12955v1 | http://arxiv.org/abs/2212.12955v1 | Joshua Midha | 2022-12-25T20:48:40Z | cs.SI, cs.CL, cs.CY | Understanding the relationship between structure and sentiment is essential
in highlighting future operations with online social networks. More
specifically, within popular conversation on Twitter. This paper provides a
development on the relationship between the two variables: structure, defined
as the composition of a directed network, and sentiment, a quantified value of
the positive/negative connotations of a conversation. We highlight thread
sentiment to be inversely proportional to the strength and connectivity of a
network. The second portion of this paper highlights differences in query
types, specifically how the aforementioned behavior differs within four key
query types. This paper focuses on topical, event-based, geographic, and
individual queries as orientations which have differing behavior. Using
cross-query analysis, we see that the relationship between structure and
sentiment, though still inversely proportional, differs greatly across query
types. We find this relationship to be the most clear within the individual
queries and the least prevalent within the event-based queries. This paper
provides a sociological progression in our understanding of opinion and
networks, while providing a methodological advancement for future studies on
similar subjects. | cs.SI | Search, Structure, and Sentiment: A Comparative Analysis of Network Opinion in Different Query Types on Twitter |
2022-12-25T17:20:03Z | http://arxiv.org/pdf/2212.12937v1 | http://arxiv.org/abs/2212.12937v1 | Lakshmi Sireesha Vakada, Anudeep Ch, Mounika Marreddy, Subba Reddy Oota, Radhika Mamidi | 2022-12-25T17:20:03Z | cs.CL, cs.LG | Document summarization aims to create a precise and coherent summary of a
text document. Many deep learning summarization models are developed mainly for
English, often requiring a large training corpus and efficient pre-trained
language models and tools. However, English summarization models for
low-resource Indian languages are often limited by rich morphological
variation, syntax, and semantic differences. In this paper, we propose
GAE-ISumm, an unsupervised Indic summarization model that extracts summaries
from text documents. In particular, our proposed model, GAE-ISumm uses Graph
Autoencoder (GAE) to learn text representations and a document summary jointly.
We also provide a manually-annotated Telugu summarization dataset TELSUM, to
experiment with our model GAE-ISumm. Further, we experiment with the most
publicly available Indian language summarization datasets to investigate the
effectiveness of GAE-ISumm on other Indian languages. Our experiments of
GAE-ISumm in seven languages make the following observations: (i) it is
competitive or better than state-of-the-art results on all datasets, (ii) it
reports benchmark results on TELSUM, and (iii) the inclusion of positional and
cluster information in the proposed model improved the performance of
summaries. | cs.CL | GAE-ISumm: Unsupervised Graph-Based Summarization of Indian Languages |
2022-12-24T18:49:03Z | http://arxiv.org/pdf/2212.12801v1 | http://arxiv.org/abs/2212.12801v1 | Sonam Singh, Anthony Rios | 2022-12-24T18:49:03Z | cs.CL | Customers are rapidly turning to social media for customer support. While
brand agents on these platforms are motivated and well-intentioned to help and
engage with customers, their efforts are often ignored if their initial
response to the customer does not match a specific tone, style, or topic the
customer is aiming to receive. The length of a conversation can reflect the
effort and quality of the initial response made by a brand toward collaborating
and helping consumers, even when the overall sentiment of the conversation
might not be very positive. Thus, through this study, we aim to bridge this
critical gap in the existing literature by analyzing language's content and
stylistic aspects such as expressed empathy, psycho-linguistic features,
dialogue tags, and metrics for quantifying personalization of the utterances
that can influence the engagement of an interaction. This paper demonstrates
that we can predict engagement using initial customer and brand posts. | cs.CL | Linguistic Elements of Engaging Customer Service Discourse on Social Media |
2022-12-24T18:40:23Z | http://arxiv.org/pdf/2212.12800v1 | http://arxiv.org/abs/2212.12800v1 | Xingmeng Zhao, Anthony Rios | 2022-12-24T18:40:23Z | cs.CL | Objective. The impact of social determinants of health (SDoH) on patients'
healthcare quality and the disparity is well-known. Many SDoH items are not
coded in structured forms in electronic health records. These items are often
captured in free-text clinical notes, but there are limited methods for
automatically extracting them. We explore a multi-stage pipeline involving
named entity recognition (NER), relation classification (RC), and text
classification methods to extract SDoH information from clinical notes
automatically.
Materials and Methods. The study uses the N2C2 Shared Task data, which was
collected from two sources of clinical notes: MIMIC-III and University of
Washington Harborview Medical Centers. It contains 4480 social history sections
with full annotation for twelve SDoHs. In order to handle the issue of
overlapping entities, we developed a novel marker-based NER model. We used it
in a multi-stage pipeline to extract SDoH information from clinical notes.
Results. Our marker-based system outperformed the state-of-the-art span-based
models at handling overlapping entities based on the overall Micro-F1 score
performance. It also achieved state-of-the-art performance compared to the
shared task methods.
Conclusion. The major finding of this study is that the multi-stage pipeline
effectively extracts SDoH information from clinical notes. This approach can
potentially improve the understanding and tracking of SDoHs in clinical
settings. However, error propagation may be an issue, and further research is
needed to improve the extraction of entities with complex semantic meanings and
low-resource entities using external knowledge. | cs.CL | A Marker-based Neural Network System for Extracting Social Determinants of Health |
2022-12-24T18:35:35Z | http://arxiv.org/pdf/2212.12799v2 | http://arxiv.org/abs/2212.12799v2 | Xingmeng Zhao, Ali Niazi, Anthony Rios | 2024-03-13T17:41:14Z | cs.CL | Chemical named entity recognition (NER) models are used in many downstream
tasks, from adverse drug reaction identification to pharmacoepidemiology.
However, it is unknown whether these models work the same for everyone.
Performance disparities can potentially cause harm rather than the intended
good. This paper assesses gender-related performance disparities in chemical
NER systems. We develop a framework for measuring gender bias in chemical NER
models using synthetic data and a newly annotated corpus of over 92,405 words
with self-identified gender information from Reddit. Our evaluation of multiple
biomedical NER models reveals evident biases. For instance, synthetic data
suggests female-related names are frequently misclassified as chemicals,
especially for brand name mentions. Additionally, we observe performance
disparities between female- and male-associated data in both datasets. Many
systems fail to detect contraceptives such as birth control. Our findings
emphasize the biases in chemical NER models, urging practitioners to account
for these biases in downstream applications. | cs.CL | A Comprehensive Study of Gender Bias in Chemical Named Entity Recognition Models |
2022-12-24T18:19:05Z | http://arxiv.org/pdf/2212.12795v2 | http://arxiv.org/abs/2212.12795v2 | Diederik Aerts, Jonito Aerts Arguëlles, Lester Beltran, Sandro Sozzo | 2023-02-24T09:04:08Z | q-bio.NC, cs.CL, quant-ph | Inspired by foundational studies in classical and quantum physics, and by
information retrieval studies in quantum information theory, we prove that the
notions of 'energy' and 'entropy' can be consistently introduced in human
language and, more generally, in human culture. More explicitly, if energy is
attributed to words according to their frequency of appearance in a text, then
the ensuing energy levels are distributed non-classically, namely, they obey
Bose-Einstein, rather than Maxwell-Boltzmann, statistics, as a consequence of
the genuinely 'quantum indistinguishability' of the words that appear in the
text. Secondly, the 'quantum entanglement' due to the way meaning is carried by
a text reduces the (von Neumann) entropy of the words that appear in the text,
a behaviour which cannot be explained within classical (thermodynamic or
information) entropy. We claim here that this 'quantum-type behaviour is valid
in general in human language', namely, any text is conceptually more concrete
than the words composing it, which entails that the entropy of the overall text
decreases. In addition, we provide examples taken from cognition, where
quantization of energy appears in categorical perception, and from culture,
where entities collaborate, thus 'entangle', to decrease overall entropy. We
use these findings to propose the development of a new 'non-classical
thermodynamic theory' for human cognition, which also covers broad parts of
human culture and its artefacts and bridges concepts with quantum physics
entities. | q-bio.NC | Development of a Thermodynamics of Human Cognition and Human Culture |
2022-12-24T06:40:25Z | http://arxiv.org/pdf/2212.12672v1 | http://arxiv.org/abs/2212.12672v1 | Liam Dugan, Daphne Ippolito, Arun Kirubarajan, Sherry Shi, Chris Callison-Burch | 2022-12-24T06:40:25Z | cs.CL, cs.AI, cs.HC, I.2.7 | As text generated by large language models proliferates, it becomes vital to
understand how humans engage with such text, and whether or not they are able
to detect when the text they are reading did not originate with a human writer.
Prior work on human detection of generated text focuses on the case where an
entire passage is either human-written or machine-generated. In this paper, we
study a more realistic setting where text begins as human-written and
transitions to being generated by state-of-the-art neural language models. We
show that, while annotators often struggle at this task, there is substantial
variance in annotator skill and that given proper incentives, annotators can
improve at this task over time. Furthermore, we conduct a detailed comparison
study and analyze how a variety of variables (model size, decoding strategy,
fine-tuning, prompt genre, etc.) affect human detection performance. Finally,
we collect error annotations from our participants and use them to show that
certain textual genres influence models to make different types of errors and
that certain sentence-level features correlate highly with annotator selection.
We release the RoFT dataset: a collection of over 21,000 human annotations
paired with error classifications to encourage future work in human detection
and evaluation of generated text. | cs.CL | Real or Fake Text?: Investigating Human Ability to Detect Boundaries Between Human-Written and Machine-Generated Text |
2022-12-24T05:35:04Z | http://arxiv.org/pdf/2212.12662v1 | http://arxiv.org/abs/2212.12662v1 | Wenjie Hao, Hongfei Xu, Lingling Mu, Hongying Zan | 2022-12-24T05:35:04Z | cs.CL | In this paper, we study the use of deep Transformer translation model for the
CCMT 2022 Chinese-Thai low-resource machine translation task. We first explore
the experiment settings (including the number of BPE merge operations, dropout
probability, embedding size, etc.) for the low-resource scenario with the
6-layer Transformer. Considering that increasing the number of layers also
increases the regularization on new model parameters (dropout modules are also
introduced when using more layers), we adopt the highest performance setting
but increase the depth of the Transformer to 24 layers to obtain improved
translation quality. Our work obtains the SOTA performance in the
Chinese-to-Thai translation in the constrained evaluation. | cs.CL | Optimizing Deep Transformers for Chinese-Thai Low-Resource Translation |
2022-12-24T04:39:54Z | http://arxiv.org/pdf/2212.12652v1 | http://arxiv.org/abs/2212.12652v1 | Borui Wang, Chengcheng Feng, Arjun Nair, Madelyn Mao, Jai Desai, Asli Celikyilmaz, Haoran Li, Yashar Mehdad, Dragomir Radev | 2022-12-24T04:39:54Z | cs.CL | Abstractive dialogue summarization has long been viewed as an important
standalone task in natural language processing, but no previous work has
explored the possibility of whether abstractive dialogue summarization can also
be used as a means to boost an NLP system's performance on other important
dialogue comprehension tasks. In this paper, we propose a novel type of
dialogue summarization task - STRUctured DiaLoguE Summarization - that can help
pre-trained language models to better understand dialogues and improve their
performance on important dialogue comprehension tasks. We further collect human
annotations of STRUDEL summaries over 400 dialogues and introduce a new STRUDEL
dialogue comprehension modeling framework that integrates STRUDEL into a
graph-neural-network-based dialogue reasoning module over transformer encoder
language models to improve their dialogue comprehension abilities. In our
empirical experiments on two important downstream dialogue comprehension tasks
- dialogue question answering and dialogue response prediction - we show that
our STRUDEL dialogue comprehension model can significantly improve the dialogue
comprehension performance of transformer encoder language models. | cs.CL | STRUDEL: Structured Dialogue Summarization for Dialogue Comprehension |
2022-12-24T03:22:26Z | http://arxiv.org/pdf/2212.12643v1 | http://arxiv.org/abs/2212.12643v1 | Gabriel Mantione-Holmes, Justin Leo, Jugal Kalita | 2022-12-24T03:22:26Z | cs.LG, cs.AI, cs.CL | In order for artificial neural networks to begin accurately mimicking
biological ones, they must be able to adapt to new exigencies without
forgetting what they have learned from previous training. Lifelong learning
approaches to artificial neural networks attempt to strive towards this goal,
yet have not progressed far enough to be realistically deployed for natural
language processing tasks. The proverbial roadblock of catastrophic forgetting
still gate-keeps researchers from an adequate lifelong learning model. While
efforts are being made to quell catastrophic forgetting, there is a lack of
research that looks into the importance of class ordering when training on new
classes for incremental learning. This is surprising as the ordering of
"classes" that humans learn is heavily monitored and incredibly important.
While heuristics to develop an ideal class order have been researched, this
paper examines class ordering as it relates to priming as a scheme for
incremental class learning. By examining the connections between various
methods of priming found in humans and how those are mimicked yet remain
unexplained in life-long machine learning, this paper provides a better
understanding of the similarities between our biological systems and the
synthetic systems while simultaneously improving current practices to combat
catastrophic forgetting. Through the merging of psychological priming practices
with class ordering, this paper is able to identify a generalizable method for
class ordering in NLP incremental learning tasks that consistently outperforms
random class ordering. | cs.LG | Utilizing Priming to Identify Optimal Class Ordering to Alleviate Catastrophic Forgetting |
2022-12-24T01:40:56Z | http://arxiv.org/pdf/2301.00836v1 | http://arxiv.org/abs/2301.00836v1 | Vishweshwar V. Dixit | 2022-12-24T01:40:56Z | cs.HC, cs.CL | Kannudi is a reference editor for Kannada based on OPOK! and OHOK!
principles, and domain knowledge. It introduces a method of input for Kannada,
called OHOK!, that is, Ottu Haku Ottu Kodu! (apply pressure and give ottu).
This is especially suited for pressure sensitive input devices, though the
current online implementation uses the regular mechanical keyboard. OHOK! has
three possible modes, namely, sva-ottu (self-conjunct), kandante (as you see),
and andante (as you say). It may be noted that kandante mode does not follow
the phonetic order. However, this mode may work well for those who are inclined
to visualize as they type rather than vocalizing the sounds.
Kannudi also demonstrates how domain knowledge can be effectively used to
potentially increase speed, accuracy, and user friendliness. For example,
selection of a default vowel, automatic shunyification, and arkification. Also
implemented are four types Deletes that are necessary for phono-syllabic
languages like Kannada. | cs.HC | Kannudi -- A Reference Editor for Kannada |
2022-12-23T20:48:33Z | http://arxiv.org/pdf/2212.12584v1 | http://arxiv.org/abs/2212.12584v1 | Petr Babkin, Nacho Navarro, Salwa Alamir, Sameena Shah | 2022-12-23T20:48:33Z | cs.CL | This paper tackles the challenging problem of automating code updates to fix
deprecated API usages of open source libraries by analyzing their release
notes. Our system employs a three-tier architecture: first, a web crawler
service retrieves deprecation documentation from the web; then a specially
built parser processes those text documents into tree-structured
representations; finally, a client IDE plugin locates and fixes identified
deprecated usages of libraries in a given codebase. The focus of this paper in
particular is the parsing component. We introduce a novel transition-based
parser in two variants: based on a classical feature engineered classifier and
a neural tree encoder. To confirm the effectiveness of our method, we gathered
and labeled a set of 426 API deprecations from 7 well-known Python data science
libraries, and demonstrated our approach decisively outperforms a non-trivial
neural machine translation baseline. | cs.CL | Neural Transition-based Parsing of Library Deprecations |
2022-12-23T18:18:20Z | http://arxiv.org/pdf/2212.12510v2 | http://arxiv.org/abs/2212.12510v2 | Luke Gessler, Amir Zeldes | 2023-01-05T03:14:58Z | cs.CL | Transformer language models (TLMs) are critical for most NLP tasks, but they
are difficult to create for low-resource languages because of how much
pretraining data they require. In this work, we investigate two techniques for
training monolingual TLMs in a low-resource setting: greatly reducing TLM size,
and complementing the masked language modeling objective with two
linguistically rich supervised tasks (part-of-speech tagging and dependency
parsing). Results from 7 diverse languages indicate that our model, MicroBERT,
is able to produce marked improvements in downstream task evaluations relative
to a typical monolingual TLM pretraining approach. Specifically, we find that
monolingual MicroBERT models achieve gains of up to 18% for parser LAS and 11%
for NER F1 compared to a multilingual baseline, mBERT, while having less than
1% of its parameter count. We conclude reducing TLM parameter count and using
labeled data for pretraining low-resource TLMs can yield large quality benefits
and in some cases produce models that outperform multilingual approaches. | cs.CL | MicroBERT: Effective Training of Low-resource Monolingual BERTs through Parameter Reduction and Multitask Learning |
2022-12-23T17:40:03Z | http://arxiv.org/pdf/2212.12496v1 | http://arxiv.org/abs/2212.12496v1 | Yu Qiao, James Pope | 2022-12-23T17:40:03Z | cs.CL | Content ratings can enable audiences to determine the suitability of various
media products. With the recent advent of fan fiction, the critical issue of
fan fiction content ratings has emerged. Whether fan fiction content ratings
are done voluntarily or required by regulation, there is the need to automate
the content rating classification. The problem is to take fan fiction text and
determine the appropriate content rating. Methods for other domains, such as
online books, have been attempted though none have been applied to fan fiction.
We propose natural language processing techniques, including traditional and
deep learning methods, to automatically determine the content rating. We show
that these methods produce poor accuracy results for multi-classification. We
then demonstrate that treating the problem as a binary classification problem
produces better accuracy. Finally, we believe and provide some evidence that
the current approach of self-annotating has led to incorrect labels limiting
classification results. | cs.CL | Content Rating Classification for Fan Fiction |