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-04-11T16:55:11Z | http://arxiv.org/pdf/2304.05336v1 | http://arxiv.org/abs/2304.05336v1 | Gabriela Pałka, Artur Nowakowski | 2023-04-11T16:55:11Z | cs.CL | This paper describes Adam Mickiewicz University's (AMU) solution for the 4th
Shared Task on SlavNER. The task involves the identification, categorization,
and lemmatization of named entities in Slavic languages. Our approach involved
exploring the use of foundation models for these tasks. In particular, we used
models based on the popular BERT and T5 model architectures. Additionally, we
used external datasets to further improve the quality of our models. Our
solution obtained promising results, achieving high metrics scores in both
tasks. We describe our approach and the results of our experiments in detail,
showing that the method is effective for NER and lemmatization in Slavic
languages. Additionally, our models for lemmatization will be available at:
https://huggingface.co/amu-cai. | cs.CL | Exploring the Use of Foundation Models for Named Entity Recognition and Lemmatization Tasks in Slavic Languages |
2023-04-11T16:53:54Z | http://arxiv.org/pdf/2304.05335v1 | http://arxiv.org/abs/2304.05335v1 | Ameet Deshpande, Vishvak Murahari, Tanmay Rajpurohit, Ashwin Kalyan, Karthik Narasimhan | 2023-04-11T16:53:54Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) have shown incredible capabilities and
transcended the natural language processing (NLP) community, with adoption
throughout many services like healthcare, therapy, education, and customer
service. Since users include people with critical information needs like
students or patients engaging with chatbots, the safety of these systems is of
prime importance. Therefore, a clear understanding of the capabilities and
limitations of LLMs is necessary. To this end, we systematically evaluate
toxicity in over half a million generations of ChatGPT, a popular
dialogue-based LLM. We find that setting the system parameter of ChatGPT by
assigning it a persona, say that of the boxer Muhammad Ali, significantly
increases the toxicity of generations. Depending on the persona assigned to
ChatGPT, its toxicity can increase up to 6x, with outputs engaging in incorrect
stereotypes, harmful dialogue, and hurtful opinions. This may be potentially
defamatory to the persona and harmful to an unsuspecting user. Furthermore, we
find concerning patterns where specific entities (e.g., certain races) are
targeted more than others (3x more) irrespective of the assigned persona, that
reflect inherent discriminatory biases in the model. We hope that our findings
inspire the broader AI community to rethink the efficacy of current safety
guardrails and develop better techniques that lead to robust, safe, and
trustworthy AI systems. | cs.CL | Toxicity in ChatGPT: Analyzing Persona-assigned Language Models |
2023-04-11T16:50:17Z | http://arxiv.org/pdf/2304.05332v1 | http://arxiv.org/abs/2304.05332v1 | Daniil A. Boiko, Robert MacKnight, Gabe Gomes | 2023-04-11T16:50:17Z | physics.chem-ph, cs.CL | Transformer-based large language models are rapidly advancing in the field of
machine learning research, with applications spanning natural language,
biology, chemistry, and computer programming. Extreme scaling and reinforcement
learning from human feedback have significantly improved the quality of
generated text, enabling these models to perform various tasks and reason about
their choices. In this paper, we present an Intelligent Agent system that
combines multiple large language models for autonomous design, planning, and
execution of scientific experiments. We showcase the Agent's scientific
research capabilities with three distinct examples, with the most complex being
the successful performance of catalyzed cross-coupling reactions. Finally, we
discuss the safety implications of such systems and propose measures to prevent
their misuse. | physics.chem-ph | Emergent autonomous scientific research capabilities of large language models |
2023-04-11T15:54:25Z | http://arxiv.org/pdf/2304.05303v2 | http://arxiv.org/abs/2304.05303v2 | Sumin Seo, JaeWoong Shin, Jaewoo Kang, Tae Soo Kim, Thijs Kooi | 2023-07-23T15:11:31Z | cs.CV, cs.CL | Deep learning has shown great potential in assisting radiologists in reading
chest X-ray (CXR) images, but its need for expensive annotations for improving
performance prevents widespread clinical application. Visual language
pre-training (VLP) can alleviate the burden and cost of annotation by
leveraging routinely generated reports for radiographs, which exist in large
quantities as well as in paired form (image-text pairs). Additionally,
extensions to localization-aware VLPs are being proposed to address the needs
for accurate localization of abnormalities for computer-aided diagnosis (CAD)
in CXR. However, we find that the formulation proposed by locality-aware VLP
literature actually leads to a loss in spatial relationships required for
downstream localization tasks. Therefore, we propose Empowering Locality of VLP
with Intra-modal Similarity, ELVIS, a VLP aware of intra-modal locality, to
better preserve the locality within radiographs or reports, which enhances the
ability to comprehend location references in text reports. Our locality-aware
VLP method significantly outperforms state-of-the art baselines in multiple
segmentation tasks and the MS-CXR phrase grounding task. Qualitatively, we show
that ELVIS focuses well on regions of interest described in the report text
compared to prior approaches, allowing for enhanced interpretability. | cs.CV | ELVIS: Empowering Locality of Vision Language Pre-training with Intra-modal Similarity |
2023-04-11T15:53:40Z | http://arxiv.org/pdf/2304.05302v3 | http://arxiv.org/abs/2304.05302v3 | Zheng Yuan, Hongyi Yuan, Chuanqi Tan, Wei Wang, Songfang Huang, Fei Huang | 2023-10-07T07:01:26Z | cs.CL | Reinforcement Learning from Human Feedback (RLHF) facilitates the alignment
of large language models with human preferences, significantly enhancing the
quality of interactions between humans and models. InstructGPT implements RLHF
through several stages, including Supervised Fine-Tuning (SFT), reward model
training, and Proximal Policy Optimization (PPO). However, PPO is sensitive to
hyperparameters and requires multiple models in its standard implementation,
making it hard to train and scale up to larger parameter counts. In contrast,
we propose a novel learning paradigm called RRHF, which scores sampled
responses from different sources via a logarithm of conditional probabilities
and learns to align these probabilities with human preferences through ranking
loss. RRHF can leverage sampled responses from various sources including the
model responses from itself, other large language model responses, and human
expert responses to learn to rank them. RRHF only needs 1 to 2 models during
tuning and can efficiently align language models with human preferences
robustly without complex hyperparameter tuning. Additionally, RRHF can be
considered an extension of SFT and reward model training while being simpler
than PPO in terms of coding, model counts, and hyperparameters. We evaluate
RRHF on the Helpful and Harmless dataset, demonstrating comparable alignment
performance with PPO by reward model score and human labeling. Extensive
experiments show that the performance of RRHF is highly related to sampling
quality which suggests RRHF is a best-of-n learner. Codes available at
https://github.com/GanjinZero/RRHF. | cs.CL | RRHF: Rank Responses to Align Language Models with Human Feedback without tears |
2023-04-11T15:07:24Z | http://arxiv.org/pdf/2304.05268v1 | http://arxiv.org/abs/2304.05268v1 | Amelie Wührl, Lara Grimminger, Roman Klinger | 2023-04-11T15:07:24Z | cs.CL | Existing fact-checking models for biomedical claims are typically trained on
synthetic or well-worded data and hardly transfer to social media content. This
mismatch can be mitigated by adapting the social media input to mimic the
focused nature of common training claims. To do so, Wuehrl & Klinger (2022)
propose to extract concise claims based on medical entities in the text.
However, their study has two limitations: First, it relies on gold-annotated
entities. Therefore, its feasibility for a real-world application cannot be
assessed since this requires detecting relevant entities automatically. Second,
they represent claim entities with the original tokens. This constitutes a
terminology mismatch which potentially limits the fact-checking performance. To
understand both challenges, we propose a claim extraction pipeline for medical
tweets that incorporates named entity recognition and terminology normalization
via entity linking. We show that automatic NER does lead to a performance drop
in comparison to using gold annotations but the fact-checking performance still
improves considerably over inputting the unchanged tweets. Normalizing entities
to their canonical forms does, however, not improve the performance. | cs.CL | An Entity-based Claim Extraction Pipeline for Real-world Biomedical Fact-checking |
2023-04-11T14:56:44Z | http://arxiv.org/pdf/2304.05265v3 | http://arxiv.org/abs/2304.05265v3 | Jianan Yang, Haobo Wang, Yanming Zhang, Ruixuan Xiao, Sai Wu, Gang Chen, Junbo Zhao | 2023-09-24T16:42:50Z | cs.CV, cs.AI, cs.CL, cs.LG | The recent large-scale generative modeling has attained unprecedented
performance especially in producing high-fidelity images driven by text
prompts. Text inversion (TI), alongside the text-to-image model backbones, is
proposed as an effective technique in personalizing the generation when the
prompts contain user-defined, unseen or long-tail concept tokens. Despite that,
we find and show that the deployment of TI remains full of "dark-magics" -- to
name a few, the harsh requirement of additional datasets, arduous human efforts
in the loop and lack of robustness. In this work, we propose a much-enhanced
version of TI, dubbed Controllable Textual Inversion (COTI), in resolving all
the aforementioned problems and in turn delivering a robust, data-efficient and
easy-to-use framework. The core to COTI is a theoretically-guided loss
objective instantiated with a comprehensive and novel weighted scoring
mechanism, encapsulated by an active-learning paradigm. The extensive results
show that COTI significantly outperforms the prior TI-related approaches with a
26.05 decrease in the FID score and a 23.00% boost in the R-precision. | cs.CV | Controllable Textual Inversion for Personalized Text-to-Image Generation |
2023-04-11T14:45:01Z | http://arxiv.org/pdf/2304.05253v2 | http://arxiv.org/abs/2304.05253v2 | Ekaterina Svikhnushina, Pearl Pu | 2023-08-25T12:58:41Z | cs.CL, cs.HC | As conversational models become increasingly available to the general public,
users are engaging with this technology in social interactions. Such
unprecedented interaction experiences may pose considerable social and
psychological risks to the users unless the technology is properly controlled.
This highlights the need for scalable and robust evaluation metrics for
conversational chatbots. Existing evaluation metrics aim to automate offline
user evaluation and approximate human judgment of pre-curated dialogs. However,
they are limited in their ability to capture subjective perceptions of users
who actually interact with the bots and might not generalize to real-world
settings. To address this limitation, we propose an approach to approximate
online human evaluation leveraging large language models (LLMs) from the GPT
family. We introduce a new Dialog system Evaluation framework based on
Prompting (DEP), which enables a fully automatic evaluation pipeline that
replicates live user studies and achieves an impressive correlation with human
judgment (up to Pearson r=0.95 on a system level). The DEP approach involves
collecting synthetic chat logs of evaluated bots with an LLM in the other-play
setting, where the LLM is carefully conditioned to follow a specific scenario.
We further explore different prompting approaches to produce evaluation scores
with the same LLM. The best performing prompts, which contain few-shot
demonstrations and instructions, show outstanding performance on the tested
dataset and demonstrate the ability to generalize to other dialog corpora. | cs.CL | Approximating Online Human Evaluation of Social Chatbots with Prompting |
2023-04-11T14:36:03Z | http://arxiv.org/pdf/2304.08173v1 | http://arxiv.org/abs/2304.08173v1 | Zhiping Bai | 2023-04-11T14:36:03Z | cs.CL | Attitude is omnipresent in almost every type of text. There has yet to be any
relevant research on attitudinal shifts in self-translation. The Chinese
version of Between Tears and Laughter is a rare case of self-translation and
co-translation in that the first 11 chapters are self-translated by Lin Yutang,
and the last 12 chapters by Xu Chengbin. The current study conducted a word
frequency analysis of this book's English and Chinese versions with LIWC and
AntConc, and made comparative research into Lin Yutang's attitudinal changes.
The results show that due to different writing purposes and readerships, there
is less anger in Lin's self-translation (M=0.7755, SD=0.2775) than in the first
11 chapters of the English original (M=1.1036, SD=0.3861), which is a
significant difference (t=2.2892, p=0.0331). This attitudinal change is also
reflected in the translations of some n-grams containing anger words. In
contrast, there is no significant difference (t=1.88, p=0.07) between Xu's
co-translation and the corresponding part of the original in attitude "anger".
This paper believes that corpus tools can help co-translators keep their
translation consistent in attitude. | cs.CL | A Corpus-based Analysis of Attitudinal Changes in Lin Yutang's Self-translation of Between Tears and Laughter |
2023-04-11T13:42:10Z | http://arxiv.org/pdf/2304.05221v1 | http://arxiv.org/abs/2304.05221v1 | Hadeel Al-Negheimish, Pranava Madhyastha, Alessandra Russo | 2023-04-11T13:42:10Z | cs.CL | Large pre-trained language models such as BERT have been widely used as a
framework for natural language understanding (NLU) tasks. However, recent
findings have revealed that pre-trained language models are insensitive to word
order. The performance on NLU tasks remains unchanged even after randomly
permuting the word of a sentence, where crucial syntactic information is
destroyed. To help preserve the importance of word order, we propose a simple
approach called Forced Invalidation (FI): forcing the model to identify
permuted sequences as invalid samples. We perform an extensive evaluation of
our approach on various English NLU and QA based tasks over BERT-based and
attention-based models over word embeddings. Our experiments demonstrate that
Forced Invalidation significantly improves the sensitivity of the models to
word order. | cs.CL | Towards preserving word order importance through Forced Invalidation |
2023-04-11T13:34:13Z | http://arxiv.org/pdf/2304.05216v1 | http://arxiv.org/abs/2304.05216v1 | Ensheng Shi, Yanlin Wang, Hongyu Zhang, Lun Du, Shi Han, Dongmei Zhang, Hongbin Sun | 2023-04-11T13:34:13Z | cs.SE, cs.AI, cs.CL | Recently, fine-tuning pre-trained code models such as CodeBERT on downstream
tasks has achieved great success in many software testing and analysis tasks.
While effective and prevalent, fine-tuning the pre-trained parameters incurs a
large computational cost. In this paper, we conduct an extensive experimental
study to explore what happens to layer-wise pre-trained representations and
their encoded code knowledge during fine-tuning. We then propose efficient
alternatives to fine-tune the large pre-trained code model based on the above
findings. Our experimental study shows that (1) lexical, syntactic and
structural properties of source code are encoded in the lower, intermediate,
and higher layers, respectively, while the semantic property spans across the
entire model. (2) The process of fine-tuning preserves most of the code
properties. Specifically, the basic code properties captured by lower and
intermediate layers are still preserved during fine-tuning. Furthermore, we
find that only the representations of the top two layers change most during
fine-tuning for various downstream tasks. (3) Based on the above findings, we
propose Telly to efficiently fine-tune pre-trained code models via layer
freezing. The extensive experimental results on five various downstream tasks
demonstrate that training parameters and the corresponding time cost are
greatly reduced, while performances are similar or better. Replication package
including source code, datasets, and online Appendix is available at:
\url{https://github.com/DeepSoftwareAnalytics/Telly}. | cs.SE | Towards Efficient Fine-tuning of Pre-trained Code Models: An Experimental Study and Beyond |
2023-04-11T13:15:24Z | http://arxiv.org/pdf/2304.05205v1 | http://arxiv.org/abs/2304.05205v1 | Tan-Minh Nguyen, Thai-Binh Nguyen, Hoang-Trung Nguyen, Hai-Long Nguyen, Tam Doan Thanh, Ha-Thanh Nguyen, Thi-Hai-Yen Vuong | 2023-04-11T13:15:24Z | cs.CL | Multi-document summarization is challenging because the summaries should not
only describe the most important information from all documents but also
provide a coherent interpretation of the documents. This paper proposes a
method for multi-document summarization based on cluster similarity. In the
extractive method we use hybrid model based on a modified version of the
PageRank algorithm and a text correlation considerations mechanism. After
generating summaries by selecting the most important sentences from each
cluster, we apply BARTpho and ViT5 to construct the abstractive models. Both
extractive and abstractive approaches were considered in this study. The
proposed method achieves competitive results in VLSP 2022 competition. | cs.CL | LBMT team at VLSP2022-Abmusu: Hybrid method with text correlation and generative models for Vietnamese multi-document summarization |
2023-04-11T13:05:04Z | http://arxiv.org/pdf/2304.05197v3 | http://arxiv.org/abs/2304.05197v3 | Haoran Li, Dadi Guo, Wei Fan, Mingshi Xu, Jie Huang, Fanpu Meng, Yangqiu Song | 2023-11-01T05:14:01Z | cs.CL, cs.CR | With the rapid progress of large language models (LLMs), many downstream NLP
tasks can be well solved given appropriate prompts. Though model developers and
researchers work hard on dialog safety to avoid generating harmful content from
LLMs, it is still challenging to steer AI-generated content (AIGC) for the
human good. As powerful LLMs are devouring existing text data from various
domains (e.g., GPT-3 is trained on 45TB texts), it is natural to doubt whether
the private information is included in the training data and what privacy
threats can these LLMs and their downstream applications bring. In this paper,
we study the privacy threats from OpenAI's ChatGPT and the New Bing enhanced by
ChatGPT and show that application-integrated LLMs may cause new privacy
threats. To this end, we conduct extensive experiments to support our claims
and discuss LLMs' privacy implications. | cs.CL | Multi-step Jailbreaking Privacy Attacks on ChatGPT |
2023-04-11T10:43:43Z | http://arxiv.org/pdf/2304.05128v2 | http://arxiv.org/abs/2304.05128v2 | Xinyun Chen, Maxwell Lin, Nathanael Schärli, Denny Zhou | 2023-10-05T09:12:07Z | cs.CL, cs.AI | Large language models (LLMs) have achieved impressive performance on code
generation. However, for complex programming tasks, generating the correct
solution in one go becomes challenging, thus some prior works have designed
program repair approaches to improve code generation performance. In this work,
we propose Self-Debugging, which teaches a large language model to debug its
predicted program via few-shot demonstrations. In particular, we demonstrate
that Self-Debugging can teach the large language model to perform rubber duck
debugging; i.e., without any human feedback on the code correctness or error
messages, the model is able to identify its mistakes by investigating the
execution results and explaining the generated code in natural language.
Self-Debugging achieves the state-of-the-art performance on several code
generation benchmarks, including the Spider dataset for text-to-SQL generation,
TransCoder for C++-to-Python translation, and MBPP for text-to-Python
generation. On the Spider benchmark where there are no unit tests to verify the
correctness of predictions, Self-Debugging with code explanation consistently
improves the baseline by 2-3%, and improves the prediction accuracy on problems
of the hardest level by 9%. On TransCoder and MBPP where unit tests are
available, Self-Debugging improves the baseline accuracy by up to 12%.
Meanwhile, by leveraging feedback messages and reusing failed predictions,
Self-Debugging notably improves sample efficiency, and can match or outperform
baseline models that generate more than 10x candidate programs. | cs.CL | Teaching Large Language Models to Self-Debug |
2023-04-11T08:20:17Z | http://arxiv.org/pdf/2304.05051v1 | http://arxiv.org/abs/2304.05051v1 | Yunpeng Han, Lisai Zhang, Qingcai Chen, Zhijian Chen, Zhonghua Li, Jianxin Yang, Zhao Cao | 2023-04-11T08:20:17Z | cs.CV, cs.CL | Fashion vision-language pre-training models have shown efficacy for a wide
range of downstream tasks. However, general vision-language pre-training models
pay less attention to fine-grained domain features, while these features are
important in distinguishing the specific domain tasks from general tasks. We
propose a method for fine-grained fashion vision-language pre-training based on
fashion Symbols and Attributes Prompt (FashionSAP) to model fine-grained
multi-modalities fashion attributes and characteristics. Firstly, we propose
the fashion symbols, a novel abstract fashion concept layer, to represent
different fashion items and to generalize various kinds of fine-grained fashion
features, making modelling fine-grained attributes more effective. Secondly,
the attributes prompt method is proposed to make the model learn specific
attributes of fashion items explicitly. We design proper prompt templates
according to the format of fashion data. Comprehensive experiments are
conducted on two public fashion benchmarks, i.e., FashionGen and FashionIQ, and
FashionSAP gets SOTA performances for four popular fashion tasks. The ablation
study also shows the proposed abstract fashion symbols, and the attribute
prompt method enables the model to acquire fine-grained semantics in the
fashion domain effectively. The obvious performance gains from FashionSAP
provide a new baseline for future fashion task research. | cs.CV | FashionSAP: Symbols and Attributes Prompt for Fine-grained Fashion Vision-Language Pre-training |
2023-04-11T07:57:10Z | http://arxiv.org/pdf/2304.05041v1 | http://arxiv.org/abs/2304.05041v1 | Maija Kāle, Matīss Rikters | 2023-04-11T07:57:10Z | cs.SI, cs.AI, cs.CL | Food choice is a complex phenomenon shaped by factors such as taste,
ambience, culture or weather. In this paper, we explore food-related tweeting
in different weather conditions. We inspect a Latvian food tweet dataset
spanning the past decade in conjunction with a weather observation dataset
consisting of average temperature, precipitation, and other phenomena. We find
which weather conditions lead to specific food information sharing;
automatically classify tweet sentiment and discuss how it changes depending on
the weather. This research contributes to the growing area of large-scale
social network data understanding of food consumers' choices and perceptions. | cs.SI | What Food Do We Tweet about on a Rainy Day? |
2023-04-11T06:38:04Z | http://arxiv.org/pdf/2304.05012v1 | http://arxiv.org/abs/2304.05012v1 | Kushin Mukherjee, Siddharth Suresh, Timothy T. Rogers | 2023-04-11T06:38:04Z | cs.CL, cs.AI | Semantic feature norms, lists of features that concepts do and do not
possess, have played a central role in characterizing human conceptual
knowledge, but require extensive human labor. Large language models (LLMs)
offer a novel avenue for the automatic generation of such feature lists, but
are prone to significant error. Here, we present a new method for combining a
learned model of human lexical-semantics from limited data with LLM-generated
data to efficiently generate high-quality feature norms. | cs.CL | Human-machine cooperation for semantic feature listing |
2023-04-11T06:37:30Z | http://arxiv.org/pdf/2304.05011v1 | http://arxiv.org/abs/2304.05011v1 | Luoxuan Weng, Minfeng Zhu, Kam Kwai Wong, Shi Liu, Jiashun Sun, Hang Zhu, Dongming Han, Wei Chen | 2023-04-11T06:37:30Z | cs.HC, cs.CL | Large language models (LLMs) have gained popularity in various fields for
their exceptional capability of generating human-like text. Their potential
misuse has raised social concerns about plagiarism in academic contexts.
However, effective artificial scientific text detection is a non-trivial task
due to several challenges, including 1) the lack of a clear understanding of
the differences between machine-generated and human-written scientific text, 2)
the poor generalization performance of existing methods caused by
out-of-distribution issues, and 3) the limited support for human-machine
collaboration with sufficient interpretability during the detection process. In
this paper, we first identify the critical distinctions between
machine-generated and human-written scientific text through a quantitative
experiment. Then, we propose a mixed-initiative workflow that combines human
experts' prior knowledge with machine intelligence, along with a visual
analytics prototype to facilitate efficient and trustworthy scientific text
detection. Finally, we demonstrate the effectiveness of our approach through
two case studies and a controlled user study with proficient researchers. We
also provide design implications for interactive artificial text detection
tools in high-stakes decision-making scenarios. | cs.HC | Towards an Understanding and Explanation for Mixed-Initiative Artificial Scientific Text Detection |
2023-04-11T05:25:00Z | http://arxiv.org/pdf/2304.04991v1 | http://arxiv.org/abs/2304.04991v1 | Guangyong Wei, Zhikui Duan, Shiren Li, Guangguang Yang, Xinmei Yu, Junhua Li | 2023-04-11T05:25:00Z | cs.SD, cs.CL, eess.AS | In recent years, a great deal of attention has been paid to the Transformer
network for speech recognition tasks due to its excellent model performance.
However, the Transformer network always involves heavy computation and large
number of parameters, causing serious deployment problems in devices with
limited computation sources or storage memory. In this paper, a new lightweight
model called Sim-T has been proposed to expand the generality of the
Transformer model. Under the help of the newly developed multiplexing
technique, the Sim-T can efficiently compress the model with negligible
sacrifice on its performance. To be more precise, the proposed technique
includes two parts, that are, module weight multiplexing and attention score
multiplexing. Moreover, a novel decoder structure has been proposed to
facilitate the attention score multiplexing. Extensive experiments have been
conducted to validate the effectiveness of Sim-T. In Aishell-1 dataset, when
the proposed Sim-T is 48% parameter less than the baseline Transformer, 0.4%
CER improvement can be obtained. Alternatively, 69% parameter reduction can be
achieved if the Sim-T gives the same performance as the baseline Transformer.
With regard to the HKUST and WSJ eval92 datasets, CER and WER will be improved
by 0.3% and 0.2%, respectively, when parameters in Sim-T are 40% less than the
baseline Transformer. | cs.SD | Sim-T: Simplify the Transformer Network by Multiplexing Technique for Speech Recognition |
2023-04-11T03:17:37Z | http://arxiv.org/pdf/2304.04947v2 | http://arxiv.org/abs/2304.04947v2 | Tao Lei, Junwen Bai, Siddhartha Brahma, Joshua Ainslie, Kenton Lee, Yanqi Zhou, Nan Du, Vincent Y. Zhao, Yuexin Wu, Bo Li, Yu Zhang, Ming-Wei Chang | 2023-11-26T22:00:36Z | cs.CL | We propose Conditional Adapter (CoDA), a parameter-efficient transfer
learning method that also improves inference efficiency. CoDA generalizes
beyond standard adapter approaches to enable a new way of balancing speed and
accuracy using conditional computation. Starting with an existing dense
pretrained model, CoDA adds sparse activation together with a small number of
new parameters and a light-weight training phase. Our experiments demonstrate
that the CoDA approach provides an unexpectedly efficient way to transfer
knowledge. Across a variety of language, vision, and speech tasks, CoDA
achieves a 2x to 8x inference speed-up compared to the state-of-the-art Adapter
approaches with moderate to no accuracy loss and the same parameter efficiency. | cs.CL | Conditional Adapters: Parameter-efficient Transfer Learning with Fast Inference |
2023-04-11T02:15:13Z | http://arxiv.org/pdf/2304.04935v1 | http://arxiv.org/abs/2304.04935v1 | Jiewen Zheng, Ze Chen | 2023-04-11T02:15:13Z | cs.CL | Sentence-level relation extraction aims to identify the relation between two
entities for a given sentence. The existing works mostly focus on obtaining a
better entity representation and adopting a multi-label classifier for relation
extraction. A major limitation of these works is that they ignore background
relational knowledge and the interrelation between entity types and candidate
relations. In this work, we propose a new paradigm, Contrastive Learning with
Descriptive Relation Prompts(CTL-DRP), to jointly consider entity information,
relational knowledge and entity type restrictions. In particular, we introduce
an improved entity marker and descriptive relation prompts when generating
contextual embedding, and utilize contrastive learning to rank the restricted
candidate relations. The CTL-DRP obtains a competitive F1-score of 76.7% on
TACRED. Furthermore, the new presented paradigm achieves F1-scores of 85.8% and
91.6% on TACREV and Re-TACRED respectively, which are both the state-of-the-art
performance. | cs.CL | Sentence-Level Relation Extraction via Contrastive Learning with Descriptive Relation Prompts |
2023-04-11T02:11:24Z | http://arxiv.org/pdf/2304.04933v2 | http://arxiv.org/abs/2304.04933v2 | Sherry Ruan, Allen Nie, William Steenbergen, Jiayu He, JQ Zhang, Meng Guo, Yao Liu, Kyle Dang Nguyen, Catherine Y Wang, Rui Ying, James A Landay, Emma Brunskill | 2023-04-13T19:33:51Z | cs.AI, cs.CL | Resource limitations make it hard to provide all students with one of the
most effective educational interventions: personalized instruction.
Reinforcement learning could be a key tool to reduce the development cost and
improve the effectiveness of intelligent tutoring software that aims to provide
the right support, at the right time, to a student. Here we illustrate that
deep reinforcement learning can be used to provide adaptive pedagogical support
to students learning about the concept of volume in a narrative storyline
software. Using explainable artificial intelligence tools, we extracted
interpretable insights about the pedagogical policy learned and demonstrated
that the resulting policy had similar performance in a different student
population. Most importantly, in both studies, the reinforcement-learning
narrative system had the largest benefit for those students with the lowest
initial pretest scores, suggesting the opportunity for AI to adapt and provide
support for those most in need. | cs.AI | Reinforcement Learning Tutor Better Supported Lower Performers in a Math Task |
2023-04-11T00:36:02Z | http://arxiv.org/pdf/2304.04907v1 | http://arxiv.org/abs/2304.04907v1 | Jialu Li, Mohit Bansal | 2023-04-11T00:36:02Z | cs.CV, cs.AI, cs.CL, cs.LG | Vision-and-Language Navigation (VLN) is the task that requires an agent to
navigate through the environment based on natural language instructions. At
each step, the agent takes the next action by selecting from a set of navigable
locations. In this paper, we aim to take one step further and explore whether
the agent can benefit from generating the potential future view during
navigation. Intuitively, humans will have an expectation of how the future
environment will look like, based on the natural language instructions and
surrounding views, which will aid correct navigation. Hence, to equip the agent
with this ability to generate the semantics of future navigation views, we
first propose three proxy tasks during the agent's in-domain pre-training:
Masked Panorama Modeling (MPM), Masked Trajectory Modeling (MTM), and Action
Prediction with Image Generation (APIG). These three objectives teach the model
to predict missing views in a panorama (MPM), predict missing steps in the full
trajectory (MTM), and generate the next view based on the full instruction and
navigation history (APIG), respectively. We then fine-tune the agent on the VLN
task with an auxiliary loss that minimizes the difference between the view
semantics generated by the agent and the ground truth view semantics of the
next step. Empirically, our VLN-SIG achieves the new state-of-the-art on both
the Room-to-Room dataset and the CVDN dataset. We further show that our agent
learns to fill in missing patches in future views qualitatively, which brings
more interpretability over agents' predicted actions. Lastly, we demonstrate
that learning to predict future view semantics also enables the agent to have
better performance on longer paths. | cs.CV | Improving Vision-and-Language Navigation by Generating Future-View Image Semantics |
2023-04-10T22:03:00Z | http://arxiv.org/pdf/2304.04881v1 | http://arxiv.org/abs/2304.04881v1 | Bilal Ghanem, Alona Fyshe | 2023-04-10T22:03:00Z | cs.CL, cs.AI | Multiple choice questions (MCQs) are an efficient and common way to assess
reading comprehension (RC). Every MCQ needs a set of distractor answers that
are incorrect, but plausible enough to test student knowledge. Distractor
generation (DG) models have been proposed, and their performance is typically
evaluated using machine translation (MT) metrics. However, MT metrics often
misjudge the suitability of generated distractors. We propose DISTO: the first
learned evaluation metric for generated distractors. We validate DISTO by
showing its scores correlate highly with human ratings of distractor quality.
At the same time, DISTO ranks the performance of state-of-the-art DG models
very differently from MT-based metrics, showing that MT metrics should not be
used for distractor evaluation. | cs.CL | DISTO: Evaluating Textual Distractors for Multi-Choice Questions using Negative Sampling based Approach |
2023-04-10T20:13:54Z | http://arxiv.org/pdf/2304.08167v1 | http://arxiv.org/abs/2304.08167v1 | Abdul Sittar, Dunja Mladenic, Marko Grobelnik | 2023-04-10T20:13:54Z | cs.CL, cs.AI | News media is one of the most effective mechanisms for spreading information
internationally, and many events from different areas are internationally
relevant. However, news coverage for some news events is limited to a specific
geographical region because of information spreading barriers, which can be
political, geographical, economic, cultural, or linguistic. In this paper, we
propose an approach to barrier classification where we infer the semantics of
news articles through Wikipedia concepts. To that end, we collected news
articles and annotated them for different kinds of barriers using the metadata
of news publishers. Then, we utilize the Wikipedia concepts along with the body
text of news articles as features to infer the news-spreading barriers. We
compare our approach to the classical text classification methods, deep
learning, and transformer-based methods. The results show that the proposed
approach using Wikipedia concepts based semantic knowledge offers better
performance than the usual for classifying the news-spreading barriers. | cs.CL | Classification of news spreading barriers |
2023-04-10T19:49:55Z | http://arxiv.org/pdf/2304.04836v1 | http://arxiv.org/abs/2304.04836v1 | Weiwei Sun, Pengjie Ren, Zhaochun Ren | 2023-04-10T19:49:55Z | cs.CL | Knowledge selection is the key in knowledge-grounded dialogues (KGD), which
aims to select an appropriate knowledge snippet to be used in the utterance
based on dialogue history. Previous studies mainly employ the classification
approach to classify each candidate snippet as "relevant" or "irrelevant"
independently. However, such approaches neglect the interactions between
snippets, leading to difficulties in inferring the meaning of snippets.
Moreover, they lack modeling of the discourse structure of dialogue-knowledge
interactions. We propose a simple yet effective generative approach for
knowledge selection, called GenKS. GenKS learns to select snippets by
generating their identifiers with a sequence-to-sequence model. GenKS therefore
captures intra-knowledge interaction inherently through attention mechanisms.
Meanwhile, we devise a hyperlink mechanism to model the dialogue-knowledge
interactions explicitly. We conduct experiments on three benchmark datasets,
and verify GenKS achieves the best results on both knowledge selection and
response generation. | cs.CL | Generative Knowledge Selection for Knowledge-Grounded Dialogues |
2023-04-10T18:44:41Z | http://arxiv.org/pdf/2304.04811v2 | http://arxiv.org/abs/2304.04811v2 | Yida Mu, Ye Jiang, Freddy Heppell, Iknoor Singh, Carolina Scarton, Kalina Bontcheva, Xingyi Song | 2023-05-07T13:55:02Z | cs.CL | The COVID-19 pandemic led to an infodemic where an overwhelming amount of
COVID-19 related content was being disseminated at high velocity through social
media. This made it challenging for citizens to differentiate between accurate
and inaccurate information about COVID-19. This motivated us to carry out a
comparative study of the characteristics of COVID-19 misinformation versus
those of accurate COVID-19 information through a large-scale computational
analysis of over 242 million tweets. The study makes comparisons alongside four
key aspects: 1) the distribution of topics, 2) the live status of tweets, 3)
language analysis and 4) the spreading power over time. An added contribution
of this study is the creation of a COVID-19 misinformation classification
dataset. Finally, we demonstrate that this new dataset helps improve
misinformation classification by more than 9\% based on average F1 measure. | cs.CL | A Large-Scale Comparative Study of Accurate COVID-19 Information versus Misinformation |
2023-04-10T18:31:26Z | http://arxiv.org/pdf/2304.04806v3 | http://arxiv.org/abs/2304.04806v3 | Yida Mu, Mali Jin, Kalina Bontcheva, Xingyi Song | 2024-03-24T16:46:06Z | cs.CL | Previous studies have highlighted the importance of vaccination as an
effective strategy to control the transmission of the COVID-19 virus. It is
crucial for policymakers to have a comprehensive understanding of the public's
stance towards vaccination on a large scale. However, attitudes towards
COVID-19 vaccination, such as pro-vaccine or vaccine hesitancy, have evolved
over time on social media. Thus, it is necessary to account for possible
temporal shifts when analysing these stances. This study aims to examine the
impact of temporal concept drift on stance detection towards COVID-19
vaccination on Twitter. To this end, we evaluate a range of transformer-based
models using chronological (splitting the training, validation, and test sets
in order of time) and random splits (randomly splitting these three sets) of
social media data. Our findings reveal significant discrepancies in model
performance between random and chronological splits in several existing
COVID-19-related datasets; specifically, chronological splits significantly
reduce the accuracy of stance classification. Therefore, real-world stance
detection approaches need to be further refined to incorporate temporal factors
as a key consideration. | cs.CL | Examining Temporalities on Stance Detection towards COVID-19 Vaccination |
2023-04-10T17:58:42Z | http://arxiv.org/pdf/2304.04746v1 | http://arxiv.org/abs/2304.04746v1 | Jiaao Chen, Aston Zhang, Mu Li, Alex Smola, Diyi Yang | 2023-04-10T17:58:42Z | cs.CL, cs.AI | Diffusion models that are based on iterative denoising have been recently
proposed and leveraged in various generation tasks like image generation.
Whereas, as a way inherently built for continuous data, existing diffusion
models still have some limitations in modeling discrete data, e.g., languages.
For example, the generally used Gaussian noise can not handle the discrete
corruption well, and the objectives in continuous spaces fail to be stable for
textual data in the diffusion process especially when the dimension is high. To
alleviate these issues, we introduce a novel diffusion model for language
modeling, Masked-Diffuse LM, with lower training cost and better performances,
inspired by linguistic features in languages. Specifically, we design a
linguistic-informed forward process which adds corruptions to the text through
strategically soft-masking to better noise the textual data. Also, we directly
predict the categorical distribution with cross-entropy loss function in every
diffusion step to connect the continuous space and discrete space in a more
efficient and straightforward way. Through experiments on 5 controlled
generation tasks, we demonstrate that our Masked-Diffuse LM can achieve better
generation quality than the state-of-the-art diffusion models with better
efficiency. | cs.CL | A Cheaper and Better Diffusion Language Model with Soft-Masked Noise |
2023-04-10T17:47:39Z | http://arxiv.org/pdf/2304.04736v3 | http://arxiv.org/abs/2304.04736v3 | Souradip Chakraborty, Amrit Singh Bedi, Sicheng Zhu, Bang An, Dinesh Manocha, Furong Huang | 2023-10-02T20:56:35Z | cs.CL, cs.AI, cs.LG | Our work addresses the critical issue of distinguishing text generated by
Large Language Models (LLMs) from human-produced text, a task essential for
numerous applications. Despite ongoing debate about the feasibility of such
differentiation, we present evidence supporting its consistent achievability,
except when human and machine text distributions are indistinguishable across
their entire support. Drawing from information theory, we argue that as
machine-generated text approximates human-like quality, the sample size needed
for detection increases. We establish precise sample complexity bounds for
detecting AI-generated text, laying groundwork for future research aimed at
developing advanced, multi-sample detectors. Our empirical evaluations across
multiple datasets (Xsum, Squad, IMDb, and Kaggle FakeNews) confirm the
viability of enhanced detection methods. We test various state-of-the-art text
generators, including GPT-2, GPT-3.5-Turbo, Llama, Llama-2-13B-Chat-HF, and
Llama-2-70B-Chat-HF, against detectors, including oBERTa-Large/Base-Detector,
GPTZero. Our findings align with OpenAI's empirical data related to sequence
length, marking the first theoretical substantiation for these observations. | cs.CL | On the Possibilities of AI-Generated Text Detection |
2023-04-10T17:37:23Z | http://arxiv.org/pdf/2304.04726v1 | http://arxiv.org/abs/2304.04726v1 | Aarne Talman, Hande Celikkanat, Sami Virpioja, Markus Heinonen, Jörg Tiedemann | 2023-04-10T17:37:23Z | cs.CL | This paper introduces Bayesian uncertainty modeling using Stochastic Weight
Averaging-Gaussian (SWAG) in Natural Language Understanding (NLU) tasks. We
apply the approach to standard tasks in natural language inference (NLI) and
demonstrate the effectiveness of the method in terms of prediction accuracy and
correlation with human annotation disagreements. We argue that the uncertainty
representations in SWAG better reflect subjective interpretation and the
natural variation that is also present in human language understanding. The
results reveal the importance of uncertainty modeling, an often neglected
aspect of neural language modeling, in NLU tasks. | cs.CL | Uncertainty-Aware Natural Language Inference with Stochastic Weight Averaging |
2023-04-10T17:24:43Z | http://arxiv.org/pdf/2304.04718v1 | http://arxiv.org/abs/2304.04718v1 | Jin Xu, Yangning Li, Xiangjin Xie, Yinghui Li, Niu Hu, Haitao Zheng, Yong Jiang | 2023-04-10T17:24:43Z | cs.CL | Entity alignment (EA) aims to discover the equivalent entities in different
knowledge graphs (KGs), which play an important role in knowledge engineering.
Recently, EA with dangling entities has been proposed as a more realistic
setting, which assumes that not all entities have corresponding equivalent
entities. In this paper, we focus on this setting. Some work has explored this
problem by leveraging translation API, pre-trained word embeddings, and other
off-the-shelf tools. However, these approaches over-rely on the side
information (e.g., entity names), and fail to work when the side information is
absent. On the contrary, they still insufficiently exploit the most fundamental
graph structure information in KG. To improve the exploitation of the
structural information, we propose a novel entity alignment framework called
Weakly-Optimal Graph Contrastive Learning (WOGCL), which is refined on three
dimensions : (i) Model. We propose a novel Gated Graph Attention Network to
capture local and global graph structure similarity. (ii) Training. Two
learning objectives: contrastive learning and optimal transport learning are
designed to obtain distinguishable entity representations via the optimal
transport plan. (iii) Inference. In the inference phase, a PageRank-based
method is proposed to calculate higher-order structural similarity. Extensive
experiments on two dangling benchmarks demonstrate that our WOGCL outperforms
the current state-of-the-art methods with pure structural information in both
traditional (relaxed) and dangling (consolidated) settings. The code will be
public soon. | cs.CL | Investigating Graph Structure Information for Entity Alignment with Dangling Cases |
2023-04-10T17:22:15Z | http://arxiv.org/pdf/2304.04717v1 | http://arxiv.org/abs/2304.04717v1 | Zhongwu Chen, Chengjin Xu, Fenglong Su, Zhen Huang, Yong Dou | 2023-04-10T17:22:15Z | cs.CL, cs.AI | Temporal relation prediction in incomplete temporal knowledge graphs (TKGs)
is a popular temporal knowledge graph completion (TKGC) problem in both
transductive and inductive settings. Traditional embedding-based TKGC models
(TKGE) rely on structured connections and can only handle a fixed set of
entities, i.e., the transductive setting. In the inductive setting where test
TKGs contain emerging entities, the latest methods are based on symbolic rules
or pre-trained language models (PLMs). However, they suffer from being
inflexible and not time-specific, respectively. In this work, we extend the
fully-inductive setting, where entities in the training and test sets are
totally disjoint, into TKGs and take a further step towards a more flexible and
time-sensitive temporal relation prediction approach SST-BERT, incorporating
Structured Sentences with Time-enhanced BERT. Our model can obtain the entity
history and implicitly learn rules in the semantic space by encoding structured
sentences, solving the problem of inflexibility. We propose to use a time
masking MLM task to pre-train BERT in a corpus rich in temporal tokens
specially generated for TKGs, enhancing the time sensitivity of SST-BERT. To
compute the probability of occurrence of a target quadruple, we aggregate all
its structured sentences from both temporal and semantic perspectives into a
score. Experiments on the transductive datasets and newly generated
fully-inductive benchmarks show that SST-BERT successfully improves over
state-of-the-art baselines. | cs.CL | Incorporating Structured Sentences with Time-enhanced BERT for Fully-inductive Temporal Relation Prediction |
2023-04-10T16:45:30Z | http://arxiv.org/pdf/2304.04704v2 | http://arxiv.org/abs/2304.04704v2 | Shuhuai Ren, Aston Zhang, Yi Zhu, Shuai Zhang, Shuai Zheng, Mu Li, Alex Smola, Xu Sun | 2023-10-06T18:29:26Z | cs.CV, cs.AI, cs.CL | This work proposes POMP, a prompt pre-training method for vision-language
models. Being memory and computation efficient, POMP enables the learned prompt
to condense semantic information for a rich set of visual concepts with over
twenty-thousand classes. Once pre-trained, the prompt with a strong
transferable ability can be directly plugged into a variety of visual
recognition tasks including image classification, semantic segmentation, and
object detection, to boost recognition performances in a zero-shot manner.
Empirical evaluation shows that POMP achieves state-of-the-art performances on
21 datasets, e.g., 67.0% average accuracy on 10 classification datasets (+3.1%
compared to CoOp) and 84.4 hIoU on open-vocabulary Pascal VOC segmentation
(+6.9 compared to ZSSeg). Our code is available at
https://github.com/amazon-science/prompt-pretraining. | cs.CV | Prompt Pre-Training with Twenty-Thousand Classes for Open-Vocabulary Visual Recognition |
2023-04-10T16:44:44Z | http://arxiv.org/pdf/2304.04703v1 | http://arxiv.org/abs/2304.04703v1 | Razhan Hameed, Sina Ahmadi, Fatemeh Daneshfar | 2023-04-10T16:44:44Z | cs.CL | Sentiment analysis is the process of identifying and extracting subjective
information from text. Despite the advances to employ cross-lingual approaches
in an automatic way, the implementation and evaluation of sentiment analysis
systems require language-specific data to consider various sociocultural and
linguistic peculiarities. In this paper, the collection and annotation of a
dataset are described for sentiment analysis of Central Kurdish. We explore a
few classical machine learning and neural network-based techniques for this
task. Additionally, we employ an approach in transfer learning to leverage
pretrained models for data augmentation. We demonstrate that data augmentation
achieves a high F$_1$ score and accuracy despite the difficulty of the task. | cs.CL | Transfer Learning for Low-Resource Sentiment Analysis |
2023-04-10T15:51:30Z | http://arxiv.org/pdf/2304.04675v4 | http://arxiv.org/abs/2304.04675v4 | Wenhao Zhu, Hongyi Liu, Qingxiu Dong, Jingjing Xu, Shujian Huang, Lingpeng Kong, Jiajun Chen, Lei Li | 2024-06-14T11:40:52Z | cs.CL | Large language models (LLMs) have demonstrated remarkable potential in
handling multilingual machine translation (MMT). In this paper, we
systematically investigate the advantages and challenges of LLMs for MMT by
answering two questions: 1) How well do LLMs perform in translating massive
languages? 2) Which factors affect LLMs' performance in translation? We
thoroughly evaluate eight popular LLMs, including ChatGPT and GPT-4. Our
empirical results show that translation capabilities of LLMs are continually
involving. GPT-4 has beat the strong supervised baseline NLLB in 40.91% of
translation directions but still faces a large gap towards the commercial
translation system like Google Translate, especially on low-resource languages.
Through further analysis, we discover that LLMs exhibit new working patterns
when used for MMT. First, LLM can acquire translation ability in a
resource-efficient way and generate moderate translation even on zero-resource
languages. Second, instruction semantics can surprisingly be ignored when given
in-context exemplars. Third, cross-lingual exemplars can provide better task
guidance for low-resource translation than exemplars in the same language
pairs. Code will be released at: https://github.com/NJUNLP/MMT-LLM. | cs.CL | Multilingual Machine Translation with Large Language Models: Empirical Results and Analysis |
2023-04-10T14:33:33Z | http://arxiv.org/pdf/2304.04618v1 | http://arxiv.org/abs/2304.04618v1 | Jiatong Shi, Yun Tang, Ann Lee, Hirofumi Inaguma, Changhan Wang, Juan Pino, Shinji Watanabe | 2023-04-10T14:33:33Z | cs.SD, cs.CL, eess.AS | It has been known that direct speech-to-speech translation (S2ST) models
usually suffer from the data scarcity issue because of the limited existing
parallel materials for both source and target speech. Therefore to train a
direct S2ST system, previous works usually utilize text-to-speech (TTS) systems
to generate samples in the target language by augmenting the data from
speech-to-text translation (S2TT). However, there is a limited investigation
into how the synthesized target speech would affect the S2ST models. In this
work, we analyze the effect of changing synthesized target speech for direct
S2ST models. We find that simply combining the target speech from different TTS
systems can potentially improve the S2ST performances. Following that, we also
propose a multi-task framework that jointly optimizes the S2ST system with
multiple targets from different TTS systems. Extensive experiments demonstrate
that our proposed framework achieves consistent improvements (2.8 BLEU) over
the baselines on the Fisher Spanish-English dataset. | cs.SD | Enhancing Speech-to-Speech Translation with Multiple TTS Targets |
2023-04-10T14:30:39Z | http://arxiv.org/pdf/2304.04616v1 | http://arxiv.org/abs/2304.04616v1 | Ummugul Bezirhan, Matthias von Davier | 2023-04-10T14:30:39Z | cs.CL, cs.AI | The widespread usage of computer-based assessments and individualized
learning platforms has resulted in an increased demand for the rapid production
of high-quality items. Automated item generation (AIG), the process of using
item models to generate new items with the help of computer technology, was
proposed to reduce reliance on human subject experts at each step of the
process. AIG has been used in test development for some time. Still, the use of
machine learning algorithms has introduced the potential to improve the
efficiency and effectiveness of the process greatly. The approach presented in
this paper utilizes OpenAI's latest transformer-based language model, GPT-3, to
generate reading passages. Existing reading passages were used in carefully
engineered prompts to ensure the AI-generated text has similar content and
structure to a fourth-grade reading passage. For each prompt, we generated
multiple passages, the final passage was selected according to the Lexile score
agreement with the original passage. In the final round, the selected passage
went through a simple revision by a human editor to ensure the text was free of
any grammatical and factual errors. All AI-generated passages, along with
original passages were evaluated by human judges according to their coherence,
appropriateness to fourth graders, and readability. | cs.CL | Automated Reading Passage Generation with OpenAI's Large Language Model |
2023-04-10T14:27:35Z | http://arxiv.org/pdf/2304.04613v1 | http://arxiv.org/abs/2304.04613v1 | Mousumi Akter, Souvika Sarkar, Shubhra Kanti Karmaker Santu | 2023-04-10T14:27:35Z | cs.CL | This paper presents a high-quality dataset for evaluating the quality of
Bangla word embeddings, which is a fundamental task in the field of Natural
Language Processing (NLP). Despite being the 7th most-spoken language in the
world, Bangla is a low-resource language and popular NLP models fail to perform
well. Developing a reliable evaluation test set for Bangla word embeddings are
crucial for benchmarking and guiding future research. We provide a
Mikolov-style word analogy evaluation set specifically for Bangla, with a
sample size of 16678, as well as a translated and curated version of the
Mikolov dataset, which contains 10594 samples for cross-lingual research. Our
experiments with different state-of-the-art embedding models reveal that Bangla
has its own unique characteristics, and current embeddings for Bangla still
struggle to achieve high accuracy on both datasets. We suggest that future
research should focus on training models with larger datasets and considering
the unique morphological characteristics of Bangla. This study represents the
first step towards building a reliable NLP system for the Bangla language1. | cs.CL | On Evaluation of Bangla Word Analogies |
2023-04-10T14:24:52Z | http://arxiv.org/pdf/2304.04610v1 | http://arxiv.org/abs/2304.04610v1 | Debashish Roy, Manish Shrivastava | 2023-04-10T14:24:52Z | cs.CL | In this paper, we have worked on interpretability, trust, and understanding
of the decisions made by models in the form of classification tasks. The task
is divided into 3 subtasks. The first task consists of determining Binary
Sexism Detection. The second task describes the Category of Sexism. The third
task describes a more Fine-grained Category of Sexism. Our work explores
solving these tasks as a classification problem by fine-tuning
transformer-based architecture. We have performed several experiments with our
architecture, including combining multiple transformers, using domain adaptive
pretraining on the unlabelled dataset provided by Reddit and Gab, Joint
learning, and taking different layers of transformers as input to a
classification head. Our system (with team name Attention) was able to achieve
a macro F1 score of 0.839 for task A, 0.5835 macro F1 score for task B and
0.3356 macro F1 score for task C at the Codalab SemEval Competition. Later we
improved the accuracy of Task B to 0.6228 and Task C to 0.3693 in the test set. | cs.CL | Attention at SemEval-2023 Task 10: Explainable Detection of Online Sexism (EDOS) |
2023-04-10T14:05:22Z | http://arxiv.org/pdf/2304.04596v3 | http://arxiv.org/abs/2304.04596v3 | Brian Yan, Jiatong Shi, Yun Tang, Hirofumi Inaguma, Yifan Peng, Siddharth Dalmia, Peter Polák, Patrick Fernandes, Dan Berrebbi, Tomoki Hayashi, Xiaohui Zhang, Zhaoheng Ni, Moto Hira, Soumi Maiti, Juan Pino, Shinji Watanabe | 2023-07-06T20:07:49Z | cs.SD, cs.CL, eess.AS | ESPnet-ST-v2 is a revamp of the open-source ESPnet-ST toolkit necessitated by
the broadening interests of the spoken language translation community.
ESPnet-ST-v2 supports 1) offline speech-to-text translation (ST), 2)
simultaneous speech-to-text translation (SST), and 3) offline speech-to-speech
translation (S2ST) -- each task is supported with a wide variety of approaches,
differentiating ESPnet-ST-v2 from other open source spoken language translation
toolkits. This toolkit offers state-of-the-art architectures such as
transducers, hybrid CTC/attention, multi-decoders with searchable
intermediates, time-synchronous blockwise CTC/attention, Translatotron models,
and direct discrete unit models. In this paper, we describe the overall design,
example models for each task, and performance benchmarking behind ESPnet-ST-v2,
which is publicly available at https://github.com/espnet/espnet. | cs.SD | ESPnet-ST-v2: Multipurpose Spoken Language Translation Toolkit |
2023-04-10T13:51:44Z | http://arxiv.org/pdf/2304.04590v1 | http://arxiv.org/abs/2304.04590v1 | Qiao Jin, Ashley Shin, Zhiyong Lu | 2023-04-10T13:51:44Z | cs.IR, cs.CL | Queries with similar information needs tend to have similar document clicks,
especially in biomedical literature search engines where queries are generally
short and top documents account for most of the total clicks. Motivated by
this, we present a novel architecture for biomedical literature search, namely
Log-Augmented DEnse Retrieval (LADER), which is a simple plug-in module that
augments a dense retriever with the click logs retrieved from similar training
queries. Specifically, LADER finds both similar documents and queries to the
given query by a dense retriever. Then, LADER scores relevant (clicked)
documents of similar queries weighted by their similarity to the input query.
The final document scores by LADER are the average of (1) the document
similarity scores from the dense retriever and (2) the aggregated document
scores from the click logs of similar queries. Despite its simplicity, LADER
achieves new state-of-the-art (SOTA) performance on TripClick, a recently
released benchmark for biomedical literature retrieval. On the frequent (HEAD)
queries, LADER largely outperforms the best retrieval model by 39% relative
NDCG@10 (0.338 v.s. 0.243). LADER also achieves better performance on the less
frequent (TORSO) queries with 11% relative NDCG@10 improvement over the
previous SOTA (0.303 v.s. 0.272). On the rare (TAIL) queries where similar
queries are scarce, LADER still compares favorably to the previous SOTA method
(NDCG@10: 0.310 v.s. 0.295). On all queries, LADER can improve the performance
of a dense retriever by 24%-37% relative NDCG@10 while not requiring additional
training, and further performance improvement is expected from more logs. Our
regression analysis has shown that queries that are more frequent, have higher
entropy of query similarity and lower entropy of document similarity, tend to
benefit more from log augmentation. | cs.IR | LADER: Log-Augmented DEnse Retrieval for Biomedical Literature Search |
2023-04-10T13:28:35Z | http://arxiv.org/pdf/2304.04576v1 | http://arxiv.org/abs/2304.04576v1 | Alon Halevy, Jane Dwivedi-Yu | 2023-04-10T13:28:35Z | cs.CL | One of the limitations of large language models is that they do not have
access to up-to-date, proprietary or personal data. As a result, there are
multiple efforts to extend language models with techniques for accessing
external data. In that sense, LLMs share the vision of data integration systems
whose goal is to provide seamless access to a large collection of heterogeneous
data sources. While the details and the techniques of LLMs differ greatly from
those of data integration, this paper shows that some of the lessons learned
from research on data integration can elucidate the research path we are
conducting today on language models. | cs.CL | Learnings from Data Integration for Augmented Language Models |
2023-04-10T12:18:53Z | http://arxiv.org/pdf/2304.04539v1 | http://arxiv.org/abs/2304.04539v1 | Pratinav Seth, Mihir Agarwal | 2023-04-10T12:18:53Z | cs.CL, cs.AI, cs.LG | Given the current state of the world, because of existing situations around
the world, millions of people suffering from mental illnesses feel isolated and
unable to receive help in person. Psychological studies have shown that our
state of mind can manifest itself in the linguistic features we use to
communicate. People have increasingly turned to online platforms to express
themselves and seek help with their conditions. Deep learning methods have been
commonly used to identify and analyze mental health conditions from various
sources of information, including social media. Still, they face challenges,
including a lack of reliability and overconfidence in predictions resulting in
the poor calibration of the models. To solve these issues, We propose UATTA-EB:
Uncertainty-Aware Test-Time Augmented Ensembling of BERTs for producing
reliable and well-calibrated predictions to classify six possible types of
mental illnesses- None, Depression, Anxiety, Bipolar Disorder, ADHD, and PTSD
by analyzing unstructured user data on Reddit. | cs.CL | UATTA-EB: Uncertainty-Aware Test-Time Augmented Ensemble of BERTs for Classifying Common Mental Illnesses on Social Media Posts |
2023-04-10T09:55:14Z | http://arxiv.org/pdf/2304.04487v1 | http://arxiv.org/abs/2304.04487v1 | Nan Yang, Tao Ge, Liang Wang, Binxing Jiao, Daxin Jiang, Linjun Yang, Rangan Majumder, Furu Wei | 2023-04-10T09:55:14Z | cs.CL, cs.AI | We propose LLMA, an LLM accelerator to losslessly speed up Large Language
Model (LLM) inference with references. LLMA is motivated by the observation
that there are abundant identical text spans between the decoding result by an
LLM and the reference that is available in many real world scenarios (e.g.,
retrieved documents). LLMA first selects a text span from the reference and
copies its tokens to the decoder and then efficiently checks the tokens'
appropriateness as the decoding result in parallel within one decoding step.
The improved computational parallelism allows LLMA to achieve over 2x speed-up
for LLMs with identical generation results as greedy decoding in many practical
generation scenarios where significant overlap between in-context reference and
outputs exists (e.g., search engines and multi-turn conversations). | cs.CL | Inference with Reference: Lossless Acceleration of Large Language Models |
2023-04-10T09:33:29Z | http://arxiv.org/pdf/2304.04478v1 | http://arxiv.org/abs/2304.04478v1 | Daniel Ortega, Chia-Yu Li, Ngoc Thang Vu | 2023-04-10T09:33:29Z | cs.CL, cs.SD, eess.AS | This paper presents our latest investigation on modeling backchannel in
conversations. Motivated by a proactive backchanneling theory, we aim at
developing a system which acts as a proactive listener by inserting
backchannels, such as continuers and assessment, to influence speakers. Our
model takes into account not only lexical and acoustic cues, but also
introduces the simple and novel idea of using listener embeddings to mimic
different backchanneling behaviours. Our experimental results on the
Switchboard benchmark dataset reveal that acoustic cues are more important than
lexical cues in this task and their combination with listener embeddings works
best on both, manual transcriptions and automatically generated transcriptions. | cs.CL | Oh, Jeez! or Uh-huh? A Listener-aware Backchannel Predictor on ASR Transcriptions |
2023-04-10T09:22:06Z | http://arxiv.org/pdf/2304.04472v1 | http://arxiv.org/abs/2304.04472v1 | Daniel Ortega, Sarina Meyer, Antje Schweitzer, Ngoc Thang Vu | 2023-04-10T09:22:06Z | cs.CL | We present our latest findings on backchannel modeling novelly motivated by
the canonical use of the minimal responses Yeah and Uh-huh in English and their
correspondent tokens in German, and the effect of encoding the speaker-listener
interaction. Backchanneling theories emphasize the active and continuous role
of the listener in the course of the conversation, their effects on the
speaker's subsequent talk, and the consequent dynamic speaker-listener
interaction. Therefore, we propose a neural-based acoustic backchannel
classifier on minimal responses by processing acoustic features from the
speaker speech, capturing and imitating listeners' backchanneling behavior, and
encoding speaker-listener interaction. Our experimental results on the
Switchboard and GECO datasets reveal that in almost all tested scenarios the
speaker or listener behavior embeddings help the model make more accurate
backchannel predictions. More importantly, a proper interaction encoding
strategy, i.e., combining the speaker and listener embeddings, leads to the
best performance on both datasets in terms of F1-score. | cs.CL | Modeling Speaker-Listener Interaction for Backchannel Prediction |
2023-04-10T04:31:00Z | http://arxiv.org/pdf/2304.05351v2 | http://arxiv.org/abs/2304.05351v2 | Qianqian Xie, Weiguang Han, Yanzhao Lai, Min Peng, Jimin Huang | 2023-04-28T12:06:43Z | cs.CL, cs.LG, q-fin.ST | Recently, large language models (LLMs) like ChatGPT have demonstrated
remarkable performance across a variety of natural language processing tasks.
However, their effectiveness in the financial domain, specifically in
predicting stock market movements, remains to be explored. In this paper, we
conduct an extensive zero-shot analysis of ChatGPT's capabilities in multimodal
stock movement prediction, on three tweets and historical stock price datasets.
Our findings indicate that ChatGPT is a "Wall Street Neophyte" with limited
success in predicting stock movements, as it underperforms not only
state-of-the-art methods but also traditional methods like linear regression
using price features. Despite the potential of Chain-of-Thought prompting
strategies and the inclusion of tweets, ChatGPT's performance remains subpar.
Furthermore, we observe limitations in its explainability and stability,
suggesting the need for more specialized training or fine-tuning. This research
provides insights into ChatGPT's capabilities and serves as a foundation for
future work aimed at improving financial market analysis and prediction by
leveraging social media sentiment and historical stock data. | cs.CL | The Wall Street Neophyte: A Zero-Shot Analysis of ChatGPT Over MultiModal Stock Movement Prediction Challenges |
2023-04-10T03:55:35Z | http://arxiv.org/pdf/2304.04370v6 | http://arxiv.org/abs/2304.04370v6 | Yingqiang Ge, Wenyue Hua, Kai Mei, Jianchao Ji, Juntao Tan, Shuyuan Xu, Zelong Li, Yongfeng Zhang | 2023-11-03T15:24:18Z | cs.AI, cs.CL, cs.LG | Human Intelligence (HI) excels at combining basic skills to solve complex
tasks. This capability is vital for Artificial Intelligence (AI) and should be
embedded in comprehensive AI Agents, enabling them to harness expert models for
complex task-solving towards Artificial General Intelligence (AGI). Large
Language Models (LLMs) show promising learning and reasoning abilities, and can
effectively use external models, tools, plugins, or APIs to tackle complex
problems. In this work, we introduce OpenAGI, an open-source AGI research and
development platform designed for solving multi-step, real-world tasks.
Specifically, OpenAGI uses a dual strategy, integrating standard benchmark
tasks for benchmarking and evaluation, and open-ended tasks including more
expandable models, tools, plugins, or APIs for creative problem-solving. Tasks
are presented as natural language queries to the LLM, which then selects and
executes appropriate models. We also propose a Reinforcement Learning from Task
Feedback (RLTF) mechanism that uses task results to improve the LLM's
task-solving ability, which creates a self-improving AI feedback loop. While we
acknowledge that AGI is a broad and multifaceted research challenge with no
singularly defined solution path, the integration of LLMs with domain-specific
expert models, inspired by mirroring the blend of general and specialized
intelligence in humans, offers a promising approach towards AGI. We are
open-sourcing the OpenAGI project's code, dataset, benchmarks, evaluation
methods, and the UI demo to foster community involvement in AGI advancement:
https://github.com/agiresearch/OpenAGI. | cs.AI | OpenAGI: When LLM Meets Domain Experts |
2023-04-10T02:55:48Z | http://arxiv.org/pdf/2304.04358v1 | http://arxiv.org/abs/2304.04358v1 | Hongjing Qian, Yutao Zhu, Zhicheng Dou, Haoqi Gu, Xinyu Zhang, Zheng Liu, Ruofei Lai, Zhao Cao, Jian-Yun Nie, Ji-Rong Wen | 2023-04-10T02:55:48Z | cs.CL, cs.AI | In this paper, we introduce a new NLP task -- generating short factual
articles with references for queries by mining supporting evidence from the
Web. In this task, called WebBrain, the ultimate goal is to generate a fluent,
informative, and factually-correct short article (e.g., a Wikipedia article)
for a factual query unseen in Wikipedia. To enable experiments on WebBrain, we
construct a large-scale dataset WebBrain-Raw by extracting English Wikipedia
articles and their crawlable Wikipedia references. WebBrain-Raw is ten times
larger than the previous biggest peer dataset, which can greatly benefit the
research community. From WebBrain-Raw, we construct two task-specific datasets:
WebBrain-R and WebBrain-G, which are used to train in-domain retriever and
generator, respectively. Besides, we empirically analyze the performances of
the current state-of-the-art NLP techniques on WebBrain and introduce a new
framework ReGen, which enhances the generation factualness by improved evidence
retrieval and task-specific pre-training for generation. Experiment results
show that ReGen outperforms all baselines in both automatic and human
evaluations. | cs.CL | WebBrain: Learning to Generate Factually Correct Articles for Queries by Grounding on Large Web Corpus |
2023-04-10T00:55:59Z | http://arxiv.org/pdf/2304.04339v2 | http://arxiv.org/abs/2304.04339v2 | Zengzhi Wang, Qiming Xie, Yi Feng, Zixiang Ding, Zinong Yang, Rui Xia | 2024-02-17T10:08:06Z | cs.CL, cs.AI | Recently, ChatGPT has drawn great attention from both the research community
and the public. We are particularly interested in whether it can serve as a
universal sentiment analyzer. To this end, in this work, we provide a
preliminary evaluation of ChatGPT on the understanding of \emph{opinions},
\emph{sentiments}, and \emph{emotions} contained in the text. Specifically, we
evaluate it in three settings, including \emph{standard} evaluation,
\emph{polarity shift} evaluation and \emph{open-domain} evaluation. We conduct
an evaluation on 7 representative sentiment analysis tasks covering 17
benchmark datasets and compare ChatGPT with fine-tuned BERT and corresponding
state-of-the-art (SOTA) models on them. We also attempt several popular
prompting techniques to elicit the ability further. Moreover, we conduct human
evaluation and present some qualitative case studies to gain a deep
comprehension of its sentiment analysis capabilities. | cs.CL | Is ChatGPT a Good Sentiment Analyzer? A Preliminary Study |
2023-04-09T21:42:57Z | http://arxiv.org/pdf/2304.04321v2 | http://arxiv.org/abs/2304.04321v2 | Ran Gong, Jiangyong Huang, Yizhou Zhao, Haoran Geng, Xiaofeng Gao, Qingyang Wu, Wensi Ai, Ziheng Zhou, Demetri Terzopoulos, Song-Chun Zhu, Baoxiong Jia, Siyuan Huang | 2023-09-11T11:27:53Z | cs.AI, cs.CL, cs.CV, cs.RO | Understanding the continuous states of objects is essential for task learning
and planning in the real world. However, most existing task learning benchmarks
assume discrete (e.g., binary) object goal states, which poses challenges for
the learning of complex tasks and transferring learned policy from simulated
environments to the real world. Furthermore, state discretization limits a
robot's ability to follow human instructions based on the grounding of actions
and states. To tackle these challenges, we present ARNOLD, a benchmark that
evaluates language-grounded task learning with continuous states in realistic
3D scenes. ARNOLD is comprised of 8 language-conditioned tasks that involve
understanding object states and learning policies for continuous goals. To
promote language-instructed learning, we provide expert demonstrations with
template-generated language descriptions. We assess task performance by
utilizing the latest language-conditioned policy learning models. Our results
indicate that current models for language-conditioned manipulations continue to
experience significant challenges in novel goal-state generalizations, scene
generalizations, and object generalizations. These findings highlight the need
to develop new algorithms that address this gap and underscore the potential
for further research in this area. Project website:
https://arnold-benchmark.github.io. | cs.AI | ARNOLD: A Benchmark for Language-Grounded Task Learning With Continuous States in Realistic 3D Scenes |
2023-04-09T16:57:40Z | http://arxiv.org/pdf/2304.04280v1 | http://arxiv.org/abs/2304.04280v1 | Yanis Labrak, Adrien Bazoge, Richard Dufour, Mickael Rouvier, Emmanuel Morin, Béatrice Daille, Pierre-Antoine Gourraud | 2023-04-09T16:57:40Z | cs.CL, cs.AI | This paper introduces FrenchMedMCQA, the first publicly available
Multiple-Choice Question Answering (MCQA) dataset in French for medical domain.
It is composed of 3,105 questions taken from real exams of the French medical
specialization diploma in pharmacy, mixing single and multiple answers. Each
instance of the dataset contains an identifier, a question, five possible
answers and their manual correction(s). We also propose first baseline models
to automatically process this MCQA task in order to report on the current
performances and to highlight the difficulty of the task. A detailed analysis
of the results showed that it is necessary to have representations adapted to
the medical domain or to the MCQA task: in our case, English specialized models
yielded better results than generic French ones, even though FrenchMedMCQA is
in French. Corpus, models and tools are available online. | cs.CL | FrenchMedMCQA: A French Multiple-Choice Question Answering Dataset for Medical domain |
2023-04-09T16:31:47Z | http://arxiv.org/pdf/2304.05368v3 | http://arxiv.org/abs/2304.05368v3 | Yuqing Wang, Yun Zhao, Linda Petzold | 2023-07-30T19:09:02Z | cs.CL, cs.AI | Large language models (LLMs) have made significant progress in various
domains, including healthcare. However, the specialized nature of clinical
language understanding tasks presents unique challenges and limitations that
warrant further investigation. In this study, we conduct a comprehensive
evaluation of state-of-the-art LLMs, namely GPT-3.5, GPT-4, and Bard, within
the realm of clinical language understanding tasks. These tasks span a diverse
range, including named entity recognition, relation extraction, natural
language inference, semantic textual similarity, document classification, and
question-answering. We also introduce a novel prompting strategy,
self-questioning prompting (SQP), tailored to enhance LLMs' performance by
eliciting informative questions and answers pertinent to the clinical scenarios
at hand. Our evaluation underscores the significance of task-specific learning
strategies and prompting techniques for improving LLMs' effectiveness in
healthcare-related tasks. Additionally, our in-depth error analysis on the
challenging relation extraction task offers valuable insights into error
distribution and potential avenues for improvement using SQP. Our study sheds
light on the practical implications of employing LLMs in the specialized domain
of healthcare, serving as a foundation for future research and the development
of potential applications in healthcare settings. | cs.CL | Are Large Language Models Ready for Healthcare? A Comparative Study on Clinical Language Understanding |
2023-04-09T15:28:36Z | http://arxiv.org/pdf/2304.04256v1 | http://arxiv.org/abs/2304.04256v1 | Wenbo Pan, Qiguang Chen, Xiao Xu, Wanxiang Che, Libo Qin | 2023-04-09T15:28:36Z | cs.CL | Zero-shot dialogue understanding aims to enable dialogue to track the user's
needs without any training data, which has gained increasing attention. In this
work, we investigate the understanding ability of ChatGPT for zero-shot
dialogue understanding tasks including spoken language understanding (SLU) and
dialogue state tracking (DST). Experimental results on four popular benchmarks
reveal the great potential of ChatGPT for zero-shot dialogue understanding. In
addition, extensive analysis shows that ChatGPT benefits from the multi-turn
interactive prompt in the DST task but struggles to perform slot filling for
SLU. Finally, we summarize several unexpected behaviors of ChatGPT in dialogue
understanding tasks, hoping to provide some insights for future research on
building zero-shot dialogue understanding systems with Large Language Models
(LLMs). | cs.CL | A Preliminary Evaluation of ChatGPT for Zero-shot Dialogue Understanding |
2023-04-09T14:52:18Z | http://arxiv.org/pdf/2304.04250v3 | http://arxiv.org/abs/2304.04250v3 | Sheshera Mysore, Mahmood Jasim, Andrew McCallum, Hamed Zamani | 2023-10-16T21:47:20Z | cs.IR, cs.CL, cs.HC, cs.LG | Methods for making high-quality recommendations often rely on learning latent
representations from interaction data. These methods, while performant, do not
provide ready mechanisms for users to control the recommendation they receive.
Our work tackles this problem by proposing LACE, a novel concept value
bottleneck model for controllable text recommendations. LACE represents each
user with a succinct set of human-readable concepts through retrieval given
user-interacted documents and learns personalized representations of the
concepts based on user documents. This concept based user profile is then
leveraged to make recommendations. The design of our model affords control over
the recommendations through a number of intuitive interactions with a
transparent user profile. We first establish the quality of recommendations
obtained from LACE in an offline evaluation on three recommendation tasks
spanning six datasets in warm-start, cold-start, and zero-shot setups. Next, we
validate the controllability of LACE under simulated user interactions.
Finally, we implement LACE in an interactive controllable recommender system
and conduct a user study to demonstrate that users are able to improve the
quality of recommendations they receive through interactions with an editable
user profile. | cs.IR | Editable User Profiles for Controllable Text Recommendation |
2023-04-09T10:42:18Z | http://arxiv.org/pdf/2304.04212v1 | http://arxiv.org/abs/2304.04212v1 | David Beauchemin, Richard Khoury | 2023-04-09T10:42:18Z | cs.CL, cs.LG | This paper presents RISC, an open-source Python package data generator
(https://github.com/GRAAL-Research/risc). RISC generates look-alike automobile
insurance contracts based on the Quebec regulatory insurance form in French and
English. Insurance contracts are 90 to 100 pages long and use complex legal and
insurance-specific vocabulary for a layperson. Hence, they are a much more
complex class of documents than those in traditional NLP corpora. Therefore, we
introduce RISCBAC, a Realistic Insurance Synthetic Bilingual Automobile
Contract dataset based on the mandatory Quebec car insurance contract. The
dataset comprises 10,000 French and English unannotated insurance contracts.
RISCBAC enables NLP research for unsupervised automatic summarisation, question
answering, text simplification, machine translation and more. Moreover, it can
be further automatically annotated as a dataset for supervised tasks such as
NER | cs.CL | RISC: Generating Realistic Synthetic Bilingual Insurance Contract |
2023-04-09T08:26:04Z | http://arxiv.org/pdf/2304.04193v2 | http://arxiv.org/abs/2304.04193v2 | Haopeng Zhang, Xiao Liu, Jiawei Zhang | 2023-10-09T23:40:26Z | cs.CL | Extractive summarization is a crucial task in natural language processing
that aims to condense long documents into shorter versions by directly
extracting sentences. The recent introduction of large language models has
attracted significant interest in the NLP community due to its remarkable
performance on a wide range of downstream tasks. This paper first presents a
thorough evaluation of ChatGPT's performance on extractive summarization and
compares it with traditional fine-tuning methods on various benchmark datasets.
Our experimental analysis reveals that ChatGPT exhibits inferior extractive
summarization performance in terms of ROUGE scores compared to existing
supervised systems, while achieving higher performance based on LLM-based
evaluation metrics. In addition, we explore the effectiveness of in-context
learning and chain-of-thought reasoning for enhancing its performance.
Furthermore, we find that applying an extract-then-generate pipeline with
ChatGPT yields significant performance improvements over abstractive baselines
in terms of summary faithfulness. These observations highlight potential
directions for enhancing ChatGPT's capabilities in faithful summarization using
two-stage approaches. | cs.CL | Extractive Summarization via ChatGPT for Faithful Summary Generation |
2023-04-09T08:14:01Z | http://arxiv.org/pdf/2304.04190v1 | http://arxiv.org/abs/2304.04190v1 | Ye Jiang | 2023-04-09T08:14:01Z | cs.CL, cs.AI | This paper describes the participation of team QUST in the SemEval2023 task
3. The monolingual models are first evaluated with the under-sampling of the
majority classes in the early stage of the task. Then, the pre-trained
multilingual model is fine-tuned with a combination of the class weights and
the sample weights. Two different fine-tuning strategies, the task-agnostic and
the task-dependent, are further investigated. All experiments are conducted
under the 10-fold cross-validation, the multilingual approaches are superior to
the monolingual ones. The submitted system achieves the second best in Italian
and Spanish (zero-shot) in subtask-1. | cs.CL | Team QUST at SemEval-2023 Task 3: A Comprehensive Study of Monolingual and Multilingual Approaches for Detecting Online News Genre, Framing and Persuasion Techniques |
2023-04-09T08:10:05Z | http://arxiv.org/pdf/2304.04187v3 | http://arxiv.org/abs/2304.04187v3 | Ye Jiang, Xiaomin Yu, Yimin Wang, Xiaoman Xu, Xingyi Song, Diana Maynard | 2023-06-16T12:05:57Z | cs.CL | The standard paradigm for fake news detection mainly utilizes text
information to model the truthfulness of news. However, the discourse of online
fake news is typically subtle and it requires expert knowledge to use textual
information to debunk fake news. Recently, studies focusing on multimodal fake
news detection have outperformed text-only methods. Recent approaches utilizing
the pre-trained model to extract unimodal features, or fine-tuning the
pre-trained model directly, have become a new paradigm for detecting fake news.
Again, this paradigm either requires a large number of training instances, or
updates the entire set of pre-trained model parameters, making real-world fake
news detection impractical. Furthermore, traditional multimodal methods fuse
the cross-modal features directly without considering that the uncorrelated
semantic representation might inject noise into the multimodal features. This
paper proposes a Similarity-Aware Multimodal Prompt Learning (SAMPLE)
framework. First, we incorporate prompt learning into multimodal fake news
detection. Prompt learning, which only tunes prompts with a frozen language
model, can reduce memory usage significantly and achieve comparable
performances, compared with fine-tuning. We analyse three prompt templates with
a soft verbalizer to detect fake news. In addition, we introduce the
similarity-aware fusing method to adaptively fuse the intensity of multimodal
representation and mitigate the noise injection via uncorrelated cross-modal
features. For evaluation, SAMPLE surpasses the F1 and the accuracies of
previous works on two benchmark multimodal datasets, demonstrating the
effectiveness of the proposed method in detecting fake news. In addition,
SAMPLE also is superior to other approaches regardless of few-shot and
data-rich settings. | cs.CL | Similarity-Aware Multimodal Prompt Learning for Fake News Detection |
2023-04-09T04:53:15Z | http://arxiv.org/pdf/2304.05372v1 | http://arxiv.org/abs/2304.05372v1 | Abdolvahab Khademi | 2023-04-09T04:53:15Z | cs.CL, cs.AI | ChatGPT and Bard are AI chatbots based on Large Language Models (LLM) that
are slated to promise different applications in diverse areas. In education,
these AI technologies have been tested for applications in assessment and
teaching. In assessment, AI has long been used in automated essay scoring and
automated item generation. One psychometric property that these tools must have
to assist or replace humans in assessment is high reliability in terms of
agreement between AI scores and human raters. In this paper, we measure the
reliability of OpenAI ChatGP and Google Bard LLMs tools against experienced and
trained humans in perceiving and rating the complexity of writing prompts.
Intraclass correlation (ICC) as a performance metric showed that the
inter-reliability of both the OpenAI ChatGPT and the Google Bard were low
against the gold standard of human ratings. | cs.CL | Can ChatGPT and Bard Generate Aligned Assessment Items? A Reliability Analysis against Human Performance |
2023-04-09T04:26:58Z | http://arxiv.org/pdf/2304.04157v2 | http://arxiv.org/abs/2304.04157v2 | Anandaswarup Vadapalli | 2023-04-21T05:03:27Z | eess.AS, cs.CL, cs.SD | This paper presents our work on phrase break prediction in the context of
end-to-end TTS systems, motivated by the following questions: (i) Is there any
utility in incorporating an explicit phrasing model in an end-to-end TTS
system?, and (ii) How do you evaluate the effectiveness of a phrasing model in
an end-to-end TTS system? In particular, the utility and effectiveness of
phrase break prediction models are evaluated in in the context of childrens
story synthesis, using listener comprehension. We show by means of perceptual
listening evaluations that there is a clear preference for stories synthesized
after predicting the location of phrase breaks using a trained phrasing model,
over stories directly synthesized without predicting the location of phrase
breaks. | eess.AS | An investigation of speaker independent phrase break models in End-to-End TTS systems |
2023-04-09T03:59:48Z | http://arxiv.org/pdf/2304.04152v1 | http://arxiv.org/abs/2304.04152v1 | Tiandeng Wu, Qijiong Liu, Yi Cao, Yao Huang, Xiao-Ming Wu, Jiandong Ding | 2023-04-09T03:59:48Z | cs.CL, I.7.0 | Graph convolutional network (GCN) has been successfully applied to capture
global non-consecutive and long-distance semantic information for text
classification. However, while GCN-based methods have shown promising results
in offline evaluations, they commonly follow a seen-token-seen-document
paradigm by constructing a fixed document-token graph and cannot make
inferences on new documents. It is a challenge to deploy them in online systems
to infer steaming text data. In this work, we present a continual GCN model
(ContGCN) to generalize inferences from observed documents to unobserved
documents. Concretely, we propose a new all-token-any-document paradigm to
dynamically update the document-token graph in every batch during both the
training and testing phases of an online system. Moreover, we design an
occurrence memory module and a self-supervised contrastive learning objective
to update ContGCN in a label-free manner. A 3-month A/B test on Huawei public
opinion analysis system shows ContGCN achieves 8.86% performance gain compared
with state-of-the-art methods. Offline experiments on five public datasets also
show ContGCN can improve inference quality. The source code will be released at
https://github.com/Jyonn/ContGCN. | cs.CL | Continual Graph Convolutional Network for Text Classification |
2023-04-09T00:39:43Z | http://arxiv.org/pdf/2304.11093v1 | http://arxiv.org/abs/2304.11093v1 | Meidai Xuanyuan, Yuwang Wang, Honglei Guo, Xiao Ma, Yuchen Guo, Tao Yu, Qionghai Dai | 2023-04-09T00:39:43Z | cs.CL, cs.AI, cs.CV, cs.LG | Imagine an interesting multimodal interactive scenario that you can see,
hear, and chat with an AI-generated digital character, who is capable of
behaving like Sheldon from The Big Bang Theory, as a DEEP copy from appearance
to personality. Towards this fantastic multimodal chatting scenario, we propose
a novel task, named Deep Personalized Character Creation (DPCC): creating
multimodal chat personalized characters from multimodal data such as TV shows.
Specifically, given a single- or multi-modality input (text, audio, video), the
goal of DPCC is to generate a multi-modality (text, audio, video) response,
which should be well-matched the personality of a specific character such as
Sheldon, and of high quality as well. To support this novel task, we further
collect a character centric multimodal dialogue dataset, named Deep
Personalized Character Dataset (DPCD), from TV shows. DPCD contains
character-specific multimodal dialogue data of ~10k utterances and ~6 hours of
audio/video per character, which is around 10 times larger compared to existing
related datasets.On DPCD, we present a baseline method for the DPCC task and
create 5 Deep personalized digital Characters (DeepCharacters) from Big Bang TV
Shows. We conduct both subjective and objective experiments to evaluate the
multimodal response from DeepCharacters in terms of characterization and
quality. The results demonstrates that, on our collected DPCD dataset, the
proposed baseline can create personalized digital characters for generating
multimodal response.Our collected DPCD dataset, the code of data collection and
our baseline will be published soon. | cs.CL | Hi Sheldon! Creating Deep Personalized Characters from TV Shows |
2023-04-08T22:44:32Z | http://arxiv.org/pdf/2304.04118v1 | http://arxiv.org/abs/2304.04118v1 | Muskan Garg | 2023-04-08T22:44:32Z | cs.CL, cs.CY | Motivated with recent advances in inferring users' mental state in social
media posts, we identify and formulate the problem of finding causal indicators
behind mental illness in self-reported text. In the past, we witness the
presence of rule-based studies for causal explanation analysis on curated
Facebook data. The investigation on transformer-based model for multi-class
causal categorization in Reddit posts point to a problem of using long-text
which contains as many as 4000 words. Developing end-to-end transformer-based
models subject to the limitation of maximum-length in a given instance. To
handle this problem, we use Longformer and deploy its encoding on
transformer-based classifier. The experimental results show that Longformer
achieves new state-of-the-art results on M-CAMS, a publicly available dataset
with 62\% F1-score. Cause-specific analysis and ablation study prove the
effectiveness of Longformer. We believe our work facilitates causal analysis of
depression and suicide risk on social media data, and shows potential for
application on other mental health conditions. | cs.CL | Multi-class Categorization of Reasons behind Mental Disturbance in Long Texts |
2023-04-08T20:41:15Z | http://arxiv.org/pdf/2304.04099v3 | http://arxiv.org/abs/2304.04099v3 | Susik Yoon, Dongha Lee, Yunyi Zhang, Jiawei Han | 2023-05-04T04:36:23Z | cs.IR, cs.CL, cs.DB, cs.LG | Unsupervised discovery of stories with correlated news articles in real-time
helps people digest massive news streams without expensive human annotations. A
common approach of the existing studies for unsupervised online story discovery
is to represent news articles with symbolic- or graph-based embedding and
incrementally cluster them into stories. Recent large language models are
expected to improve the embedding further, but a straightforward adoption of
the models by indiscriminately encoding all information in articles is
ineffective to deal with text-rich and evolving news streams. In this work, we
propose a novel thematic embedding with an off-the-shelf pretrained sentence
encoder to dynamically represent articles and stories by considering their
shared temporal themes. To realize the idea for unsupervised online story
discovery, a scalable framework USTORY is introduced with two main techniques,
theme- and time-aware dynamic embedding and novelty-aware adaptive clustering,
fueled by lightweight story summaries. A thorough evaluation with real news
data sets demonstrates that USTORY achieves higher story discovery performances
than baselines while being robust and scalable to various streaming settings. | cs.IR | Unsupervised Story Discovery from Continuous News Streams via Scalable Thematic Embedding |
2023-04-08T19:28:26Z | http://arxiv.org/pdf/2304.04087v1 | http://arxiv.org/abs/2304.04087v1 | Tanveer Ahmed Belal, G. M. Shahariar, Md. Hasanul Kabir | 2023-04-08T19:28:26Z | cs.CL, cs.AI, cs.LG | This paper presents a deep learning-based pipeline for categorizing Bengali
toxic comments, in which at first a binary classification model is used to
determine whether a comment is toxic or not, and then a multi-label classifier
is employed to determine which toxicity type the comment belongs to. For this
purpose, we have prepared a manually labeled dataset consisting of 16,073
instances among which 8,488 are Toxic and any toxic comment may correspond to
one or more of the six toxic categories - vulgar, hate, religious, threat,
troll, and insult simultaneously. Long Short Term Memory (LSTM) with BERT
Embedding achieved 89.42% accuracy for the binary classification task while as
a multi-label classifier, a combination of Convolutional Neural Network and
Bi-directional Long Short Term Memory (CNN-BiLSTM) with attention mechanism
achieved 78.92% accuracy and 0.86 as weighted F1-score. To explain the
predictions and interpret the word feature importance during classification by
the proposed models, we utilized Local Interpretable Model-Agnostic
Explanations (LIME) framework. We have made our dataset public and can be
accessed at -
https://github.com/deepu099cse/Multi-Labeled-Bengali-Toxic-Comments-Classification | cs.CL | Interpretable Multi Labeled Bengali Toxic Comments Classification using Deep Learning |
2023-04-08T15:50:16Z | http://arxiv.org/pdf/2304.04054v1 | http://arxiv.org/abs/2304.04054v1 | Anna Glazkova | 2023-04-08T15:50:16Z | cs.CL, cs.AI, cs.IR, cs.LG, 68T50, I.2.7; I.7.m; H.3.3 | The paper describes a transformer-based system designed for SemEval-2023 Task
9: Multilingual Tweet Intimacy Analysis. The purpose of the task was to predict
the intimacy of tweets in a range from 1 (not intimate at all) to 5 (very
intimate). The official training set for the competition consisted of tweets in
six languages (English, Spanish, Italian, Portuguese, French, and Chinese). The
test set included the given six languages as well as external data with four
languages not presented in the training set (Hindi, Arabic, Dutch, and Korean).
We presented a solution based on an ensemble of XLM-T, a multilingual RoBERTa
model adapted to the Twitter domain. To improve the performance of unseen
languages, each tweet was supplemented by its English translation. We explored
the effectiveness of translated data for the languages seen in fine-tuning
compared to unseen languages and estimated strategies for using translated data
in transformer-based models. Our solution ranked 4th on the leaderboard while
achieving an overall Pearson's r of 0.599 over the test set. The proposed
system improves up to 0.088 Pearson's r over a score averaged across all 45
submissions. | cs.CL | tmn at SemEval-2023 Task 9: Multilingual Tweet Intimacy Detection using XLM-T, Google Translate, and Ensemble Learning |
2023-04-08T15:44:29Z | http://arxiv.org/pdf/2304.04052v1 | http://arxiv.org/abs/2304.04052v1 | Zihao Fu, Wai Lam, Qian Yu, Anthony Man-Cho So, Shengding Hu, Zhiyuan Liu, Nigel Collier | 2023-04-08T15:44:29Z | cs.CL, cs.AI, cs.LG | The sequence-to-sequence (seq2seq) task aims at generating the target
sequence based on the given input source sequence. Traditionally, most of the
seq2seq task is resolved by the Encoder-Decoder framework which requires an
encoder to encode the source sequence and a decoder to generate the target
text. Recently, a bunch of new approaches have emerged that apply decoder-only
language models directly to the seq2seq task. Despite the significant
advancements in applying language models to the seq2seq task, there is still a
lack of thorough analysis on the effectiveness of the decoder-only language
model architecture. This paper aims to address this gap by conducting a
detailed comparison between the encoder-decoder architecture and the
decoder-only language model framework through the analysis of a regularized
encoder-decoder structure. This structure is designed to replicate all
behaviors in the classical decoder-only language model but has an encoder and a
decoder making it easier to be compared with the classical encoder-decoder
structure. Based on the analysis, we unveil the attention degeneration problem
in the language model, namely, as the generation step number grows, less and
less attention is focused on the source sequence. To give a quantitative
understanding of this problem, we conduct a theoretical sensitivity analysis of
the attention output with respect to the source input. Grounded on our
analysis, we propose a novel partial attention language model to solve the
attention degeneration problem. Experimental results on machine translation,
summarization, and data-to-text generation tasks support our analysis and
demonstrate the effectiveness of our proposed model. | cs.CL | Decoder-Only or Encoder-Decoder? Interpreting Language Model as a Regularized Encoder-Decoder |
2023-04-08T14:45:15Z | http://arxiv.org/pdf/2304.04029v2 | http://arxiv.org/abs/2304.04029v2 | Lama Alkhaled, Tosin Adewumi, Sana Sabah Sabry | 2023-09-16T15:47:24Z | cs.CL | We introduce bipol, a new metric with explainability, for estimating social
bias in text data. Harmful bias is prevalent in many online sources of data
that are used for training machine learning (ML) models. In a step to address
this challenge we create a novel metric that involves a two-step process:
corpus-level evaluation based on model classification and sentence-level
evaluation based on (sensitive) term frequency (TF). After creating new models
to detect bias along multiple axes using SotA architectures, we evaluate two
popular NLP datasets (COPA and SQUAD). As additional contribution, we created a
large dataset (with almost 2 million labelled samples) for training models in
bias detection and make it publicly available. We also make public our codes. | cs.CL | Bipol: A Novel Multi-Axes Bias Evaluation Metric with Explainability for NLP |
2023-04-08T14:37:52Z | http://arxiv.org/pdf/2304.04026v1 | http://arxiv.org/abs/2304.04026v1 | Dávid Šuba, Marek Šuppa, Jozef Kubík, Endre Hamerlik, Martin Takáč | 2023-04-08T14:37:52Z | cs.CL, cs.AI | Named Entity Recognition (NER) is a fundamental NLP tasks with a wide range
of practical applications. The performance of state-of-the-art NER methods
depends on high quality manually anotated datasets which still do not exist for
some languages. In this work we aim to remedy this situation in Slovak by
introducing WikiGoldSK, the first sizable human labelled Slovak NER dataset. We
benchmark it by evaluating state-of-the-art multilingual Pretrained Language
Models and comparing it to the existing silver-standard Slovak NER dataset. We
also conduct few-shot experiments and show that training on a sliver-standard
dataset yields better results. To enable future work that can be based on
Slovak NER, we release the dataset, code, as well as the trained models
publicly under permissible licensing terms at
https://github.com/NaiveNeuron/WikiGoldSK. | cs.CL | WikiGoldSK: Annotated Dataset, Baselines and Few-Shot Learning Experiments for Slovak Named Entity Recognition |
2023-04-08T08:03:58Z | http://arxiv.org/pdf/2304.03952v1 | http://arxiv.org/abs/2304.03952v1 | Rendani Mbuvha, David I. Adelani, Tendani Mutavhatsindi, Tshimangadzo Rakhuhu, Aluwani Mauda, Tshifhiwa Joshua Maumela, Andisani Masindi, Seani Rananga, Vukosi Marivate, Tshilidzi Marwala | 2023-04-08T08:03:58Z | cs.CL, cs.AI | Named Entity Recognition (NER) plays a vital role in various Natural Language
Processing tasks such as information retrieval, text classification, and
question answering. However, NER can be challenging, especially in low-resource
languages with limited annotated datasets and tools. This paper adds to the
effort of addressing these challenges by introducing MphayaNER, the first
Tshivenda NER corpus in the news domain. We establish NER baselines by
\textit{fine-tuning} state-of-the-art models on MphayaNER. The study also
explores zero-shot transfer between Tshivenda and other related Bantu
languages, with chiShona and Kiswahili showing the best results. Augmenting
MphayaNER with chiShona data was also found to improve model performance
significantly. Both MphayaNER and the baseline models are made publicly
available. | cs.CL | MphayaNER: Named Entity Recognition for Tshivenda |
2023-04-08T06:52:54Z | http://arxiv.org/pdf/2304.03938v1 | http://arxiv.org/abs/2304.03938v1 | Juho Leinonen, Paul Denny, Stephen MacNeil, Sami Sarsa, Seth Bernstein, Joanne Kim, Andrew Tran, Arto Hellas | 2023-04-08T06:52:54Z | cs.CY, cs.AI, cs.CL, cs.HC, cs.SE | Reasoning about code and explaining its purpose are fundamental skills for
computer scientists. There has been extensive research in the field of
computing education on the relationship between a student's ability to explain
code and other skills such as writing and tracing code. In particular, the
ability to describe at a high-level of abstraction how code will behave over
all possible inputs correlates strongly with code writing skills. However,
developing the expertise to comprehend and explain code accurately and
succinctly is a challenge for many students. Existing pedagogical approaches
that scaffold the ability to explain code, such as producing exemplar code
explanations on demand, do not currently scale well to large classrooms. The
recent emergence of powerful large language models (LLMs) may offer a solution.
In this paper, we explore the potential of LLMs in generating explanations that
can serve as examples to scaffold students' ability to understand and explain
code. To evaluate LLM-created explanations, we compare them with explanations
created by students in a large course ($n \approx 1000$) with respect to
accuracy, understandability and length. We find that LLM-created explanations,
which can be produced automatically on demand, are rated as being significantly
easier to understand and more accurate summaries of code than student-created
explanations. We discuss the significance of this finding, and suggest how such
models can be incorporated into introductory programming education. | cs.CY | Comparing Code Explanations Created by Students and Large Language Models |
2023-04-08T03:24:06Z | http://arxiv.org/pdf/2304.03899v1 | http://arxiv.org/abs/2304.03899v1 | Zhen Wu, Yizhe Lu, Xinyu Dai | 2023-04-08T03:24:06Z | cs.CL, cs.SD, eess.AS | Multimodal speech emotion recognition aims to detect speakers' emotions from
audio and text. Prior works mainly focus on exploiting advanced networks to
model and fuse different modality information to facilitate performance, while
neglecting the effect of different fusion strategies on emotion recognition. In
this work, we consider a simple yet important problem: how to fuse audio and
text modality information is more helpful for this multimodal task. Further, we
propose a multimodal emotion recognition model improved by perspective loss.
Empirical results show our method obtained new state-of-the-art results on the
IEMOCAP dataset. The in-depth analysis explains why the improved model can
achieve improvements and outperforms baselines. | cs.CL | An Empirical Study and Improvement for Speech Emotion Recognition |
2023-04-08T03:24:05Z | http://arxiv.org/pdf/2304.03898v3 | http://arxiv.org/abs/2304.03898v3 | Ruiqiang Liu, Qiqiang Zhong, Mengmeng Cui, Hanjie Mai, Qiang Zhang, Shaohua Xu, Xiangzheng Liu, Yanlong Du | 2023-12-20T02:43:39Z | cs.CL, cs.AI | In recent years, short Text Matching tasks have been widely applied in the
fields ofadvertising search and recommendation. The difficulty lies in the lack
of semantic information and word ambiguity caused by the short length of the
text. Previous works have introduced complement sentences or knowledge bases to
provide additional feature information. However, these methods have not fully
interacted between the original sentence and the complement sentence, and have
not considered the noise issue that may arise from the introduction of external
knowledge bases. Therefore, this paper proposes a short Text Matching model
that combines contrastive learning and external knowledge. The model uses a
generative model to generate corresponding complement sentences and uses the
contrastive learning method to guide the model to obtain more semantically
meaningful encoding of the original sentence. In addition, to avoid noise, we
use keywords as the main semantics of the original sentence to retrieve
corresponding knowledge words in the knowledge base, and construct a knowledge
graph. The graph encoding model is used to integrate the knowledge base
information into the model. Our designed model achieves state-of-the-art
performance on two publicly available Chinese Text Matching datasets,
demonstrating the effectiveness of our model. | cs.CL | The Short Text Matching Model Enhanced with Knowledge via Contrastive Learning |
2023-04-08T03:14:19Z | http://arxiv.org/pdf/2304.03897v2 | http://arxiv.org/abs/2304.03897v2 | S Suryavardan, Shreyash Mishra, Parth Patwa, Megha Chakraborty, Anku Rani, Aishwarya Reganti, Aman Chadha, Amitava Das, Amit Sheth, Manoj Chinnakotla, Asif Ekbal, Srijan Kumar | 2023-10-02T14:48:45Z | cs.CL, cs.CV | The internet gives the world an open platform to express their views and
share their stories. While this is very valuable, it makes fake news one of our
society's most pressing problems. Manual fact checking process is time
consuming, which makes it challenging to disprove misleading assertions before
they cause significant harm. This is he driving interest in automatic fact or
claim verification. Some of the existing datasets aim to support development of
automating fact-checking techniques, however, most of them are text based.
Multi-modal fact verification has received relatively scant attention. In this
paper, we provide a multi-modal fact-checking dataset called FACTIFY 2,
improving Factify 1 by using new data sources and adding satire articles.
Factify 2 has 50,000 new data instances. Similar to FACTIFY 1.0, we have three
broad categories - support, no-evidence, and refute, with sub-categories based
on the entailment of visual and textual data. We also provide a BERT and Vison
Transformer based baseline, which achieves 65% F1 score in the test set. The
baseline codes and the dataset will be made available at
https://github.com/surya1701/Factify-2.0. | cs.CL | Factify 2: A Multimodal Fake News and Satire News Dataset |
2023-04-07T21:04:03Z | http://arxiv.org/pdf/2304.03843v3 | http://arxiv.org/abs/2304.03843v3 | Ben Prystawski, Michael Y. Li, Noah D. Goodman | 2023-11-02T20:32:43Z | cs.AI, cs.CL, cs.LG | Humans have a powerful and mysterious capacity to reason. Working through a
set of mental steps enables us to make inferences we would not be capable of
making directly even though we get no additional data from the world.
Similarly, when large language models generate intermediate steps (a chain of
thought) before answering a question, they often produce better answers than
they would directly. We investigate why and how chain-of-thought reasoning is
useful in language models, testing the hypothesis that reasoning is effective
when training data consists of overlapping local clusters of variables that
influence each other strongly. These training conditions enable the chaining of
accurate local inferences to estimate relationships between variables that were
not seen together in training. We prove that there will exist a "reasoning
gap", where reasoning through intermediate variables reduces bias, for the
simple case of an autoregressive density estimator trained on local samples
from a chain-structured probabilistic model. We then test our hypothesis
experimentally in more complex models, training an autoregressive language
model on samples from Bayes nets but only including a subset of variables in
each sample. We test language models' ability to match conditional
probabilities with and without intermediate reasoning steps, finding that
intermediate steps are only helpful when the training data is locally
structured with respect to dependencies between variables. The combination of
locally structured observations and reasoning is much more data-efficient than
training on all variables. Our results illustrate how the effectiveness of
reasoning step by step is rooted in the local statistical structure of the
training data. | cs.AI | Why think step by step? Reasoning emerges from the locality of experience |
2023-04-07T18:12:22Z | http://arxiv.org/pdf/2304.04758v1 | http://arxiv.org/abs/2304.04758v1 | Jennifer Hu, Roger Levy, Judith Degen, Sebastian Schuster | 2023-04-07T18:12:22Z | cs.CL | Scalar inferences (SI) are a signature example of how humans interpret
language based on unspoken alternatives. While empirical studies have
demonstrated that human SI rates are highly variable -- both within instances
of a single scale, and across different scales -- there have been few proposals
that quantitatively explain both cross- and within-scale variation.
Furthermore, while it is generally assumed that SIs arise through reasoning
about unspoken alternatives, it remains debated whether humans reason about
alternatives as linguistic forms, or at the level of concepts. Here, we test a
shared mechanism explaining SI rates within and across scales: context-driven
expectations about the unspoken alternatives. Using neural language models to
approximate human predictive distributions, we find that SI rates are captured
by the expectedness of the strong scalemate as an alternative. Crucially,
however, expectedness robustly predicts cross-scale variation only under a
meaning-based view of alternatives. Our results suggest that pragmatic
inferences arise from context-driven expectations over alternatives, and these
expectations operate at the level of concepts. | cs.CL | Expectations over Unspoken Alternatives Predict Pragmatic Inferences |
2023-04-07T18:01:25Z | http://arxiv.org/pdf/2304.03797v1 | http://arxiv.org/abs/2304.03797v1 | Julia Mendelsohn, Sayan Ghosh, David Jurgens, Ceren Budak | 2023-04-07T18:01:25Z | cs.SI, cs.CL | Social media enables the rapid spread of many kinds of information, from
memes to social movements. However, little is known about how information
crosses linguistic boundaries. We apply causal inference techniques on the
European Twitter network to quantify multilingual users' structural role and
communication influence in cross-lingual information exchange. Overall,
multilinguals play an essential role; posting in multiple languages increases
betweenness centrality by 13%, and having a multilingual network neighbor
increases monolinguals' odds of sharing domains and hashtags from another
language 16-fold and 4-fold, respectively. We further show that multilinguals
have a greater impact on diffusing information less accessible to their
monolingual compatriots, such as information from far-away countries and
content about regional politics, nascent social movements, and job
opportunities. By highlighting information exchange across borders, this work
sheds light on a crucial component of how information and ideas spread around
the world. | cs.SI | Bridging Nations: Quantifying the Role of Multilinguals in Communication on Social Media |
2023-04-07T17:45:49Z | http://arxiv.org/pdf/2304.03754v1 | http://arxiv.org/abs/2304.03754v1 | Hung-Ting Su, Yulei Niu, Xudong Lin, Winston H. Hsu, Shih-Fu Chang | 2023-04-07T17:45:49Z | cs.CL, cs.CV | Causal Video Question Answering (CVidQA) queries not only association or
temporal relations but also causal relations in a video. Existing question
synthesis methods pre-trained question generation (QG) systems on reading
comprehension datasets with text descriptions as inputs. However, QG models
only learn to ask association questions (e.g., ``what is someone doing...'')
and result in inferior performance due to the poor transfer of association
knowledge to CVidQA, which focuses on causal questions like ``why is someone
doing ...''. Observing this, we proposed to exploit causal knowledge to
generate question-answer pairs, and proposed a novel framework, Causal
Knowledge Extraction from Language Models (CaKE-LM), leveraging causal
commonsense knowledge from language models to tackle CVidQA. To extract
knowledge from LMs, CaKE-LM generates causal questions containing two events
with one triggering another (e.g., ``score a goal'' triggers ``soccer player
kicking ball'') by prompting LM with the action (soccer player kicking ball) to
retrieve the intention (to score a goal). CaKE-LM significantly outperforms
conventional methods by 4% to 6% of zero-shot CVidQA accuracy on NExT-QA and
Causal-VidQA datasets. We also conduct comprehensive analyses and provide key
findings for future research. | cs.CL | Language Models are Causal Knowledge Extractors for Zero-shot Video Question Answering |
2023-04-07T17:14:00Z | http://arxiv.org/pdf/2304.03738v3 | http://arxiv.org/abs/2304.03738v3 | Emilio Ferrara | 2023-11-13T17:50:22Z | cs.CY, cs.CL | As the capabilities of generative language models continue to advance, the
implications of biases ingrained within these models have garnered increasing
attention from researchers, practitioners, and the broader public. This article
investigates the challenges and risks associated with biases in large-scale
language models like ChatGPT. We discuss the origins of biases, stemming from,
among others, the nature of training data, model specifications, algorithmic
constraints, product design, and policy decisions. We explore the ethical
concerns arising from the unintended consequences of biased model outputs. We
further analyze the potential opportunities to mitigate biases, the
inevitability of some biases, and the implications of deploying these models in
various applications, such as virtual assistants, content generation, and
chatbots. Finally, we review the current approaches to identify, quantify, and
mitigate biases in language models, emphasizing the need for a
multi-disciplinary, collaborative effort to develop more equitable,
transparent, and responsible AI systems. This article aims to stimulate a
thoughtful dialogue within the artificial intelligence community, encouraging
researchers and developers to reflect on the role of biases in generative
language models and the ongoing pursuit of ethical AI. | cs.CY | Should ChatGPT be Biased? Challenges and Risks of Bias in Large Language Models |
2023-04-07T16:51:46Z | http://arxiv.org/pdf/2304.03730v1 | http://arxiv.org/abs/2304.03730v1 | Ziming Huang, Zhuoxuan Jiang, Ke Wang, Juntao Li, Shanshan Feng, Xian-Ling Mao | 2023-04-07T16:51:46Z | cs.CL | Currently, human-bot symbiosis dialog systems, e.g., pre- and after-sales in
E-commerce, are ubiquitous, and the dialog routing component is essential to
improve the overall efficiency, reduce human resource cost, and enhance user
experience. Although most existing methods can fulfil this requirement, they
can only model single-source dialog data and cannot effectively capture the
underlying knowledge of relations among data and subtasks. In this paper, we
investigate this important problem by thoroughly mining both the data-to-task
and task-to-task knowledge among various kinds of dialog data. To achieve the
above targets, we propose a Gated Mechanism enhanced Multi-task Model (G3M),
specifically including a novel dialog encoder and two tailored gated mechanism
modules. The proposed method can play the role of hierarchical information
filtering and is non-invasive to existing dialog systems. Based on two datasets
collected from real world applications, extensive experimental results
demonstrate the effectiveness of our method, which achieves the
state-of-the-art performance by improving 8.7\%/11.8\% on RMSE metric and
2.2\%/4.4\% on F1 metric. | cs.CL | Gated Mechanism Enhanced Multi-Task Learning for Dialog Routing |
2023-04-07T16:47:49Z | http://arxiv.org/pdf/2304.03728v1 | http://arxiv.org/abs/2304.03728v1 | Tianhua Zhang, Hongyin Luo, Yung-Sung Chuang, Wei Fang, Luc Gaitskell, Thomas Hartvigsen, Xixin Wu, Danny Fox, Helen Meng, James Glass | 2023-04-07T16:47:49Z | cs.CL | Despite recent concerns about undesirable behaviors generated by large
language models (LLMs), including non-factual, biased, and hateful language, we
find LLMs are inherent multi-task language checkers based on their latent
representations of natural and social knowledge. We present an interpretable,
unified, language checking (UniLC) method for both human and machine-generated
language that aims to check if language input is factual and fair. While
fairness and fact-checking tasks have been handled separately with dedicated
models, we find that LLMs can achieve high performance on a combination of
fact-checking, stereotype detection, and hate speech detection tasks with a
simple, few-shot, unified set of prompts. With the ``1/2-shot'' multi-task
language checking method proposed in this work, the GPT3.5-turbo model
outperforms fully supervised baselines on several language tasks. The simple
approach and results suggest that based on strong latent knowledge
representations, an LLM can be an adaptive and explainable tool for detecting
misinformation, stereotypes, and hate speech. | cs.CL | Interpretable Unified Language Checking |
2023-04-07T16:25:18Z | http://arxiv.org/pdf/2304.03717v1 | http://arxiv.org/abs/2304.03717v1 | Yunwei Ren, Yuanzhi Li | 2023-04-07T16:25:18Z | cs.LG, cs.CL, cs.CV | Recently, contrastive learning approaches (e.g., CLIP (Radford et al., 2021))
have received huge success in multimodal learning, where the model tries to
minimize the distance between the representations of different views (e.g.,
image and its caption) of the same data point while keeping the representations
of different data points away from each other. However, from a theoretical
perspective, it is unclear how contrastive learning can learn the
representations from different views efficiently, especially when the data is
not isotropic. In this work, we analyze the training dynamics of a simple
multimodal contrastive learning model and show that contrastive pairs are
important for the model to efficiently balance the learned representations. In
particular, we show that the positive pairs will drive the model to align the
representations at the cost of increasing the condition number, while the
negative pairs will reduce the condition number, keeping the learned
representations balanced. | cs.LG | On the Importance of Contrastive Loss in Multimodal Learning |
2023-04-07T15:08:46Z | http://arxiv.org/pdf/2304.03682v3 | http://arxiv.org/abs/2304.03682v3 | Shadman Rohan, Mojammel Hossain, Mohammad Mamun Or Rashid, Nabeel Mohammed | 2023-07-03T18:33:23Z | cs.CL | Coreference Resolution is a well studied problem in NLP. While widely studied
for English and other resource-rich languages, research on coreference
resolution in Bengali largely remains unexplored due to the absence of relevant
datasets. Bengali, being a low-resource language, exhibits greater
morphological richness compared to English. In this article, we introduce a new
dataset, BenCoref, comprising coreference annotations for Bengali texts
gathered from four distinct domains. This relatively small dataset contains
5200 mention annotations forming 502 mention clusters within 48,569 tokens. We
describe the process of creating this dataset and report performance of
multiple models trained using BenCoref. We expect that our work provides some
valuable insights on the variations in coreference phenomena across several
domains in Bengali and encourages the development of additional resources for
Bengali. Furthermore, we found poor crosslingual performance at zero-shot
setting from English, highlighting the need for more language-specific
resources for this task. | cs.CL | BenCoref: A Multi-Domain Dataset of Nominal Phrases and Pronominal Reference Annotations |
2023-04-07T13:42:17Z | http://arxiv.org/pdf/2304.03639v1 | http://arxiv.org/abs/2304.03639v1 | Nadine El-Naggar, Pranava Madhyastha, Tillman Weyde | 2023-04-07T13:42:17Z | cs.LG, cs.CL, cs.FL, cs.NE | Previous work has established that RNNs with an unbounded activation function
have the capacity to count exactly. However, it has also been shown that RNNs
are challenging to train effectively and generally do not learn exact counting
behaviour. In this paper, we focus on this problem by studying the simplest
possible RNN, a linear single-cell network. We conduct a theoretical analysis
of linear RNNs and identify conditions for the models to exhibit exact counting
behaviour. We provide a formal proof that these conditions are necessary and
sufficient. We also conduct an empirical analysis using tasks involving a
Dyck-1-like Balanced Bracket language under two different settings. We observe
that linear RNNs generally do not meet the necessary and sufficient conditions
for counting behaviour when trained with the standard approach. We investigate
how varying the length of training sequences and utilising different target
classes impacts model behaviour during training and the ability of linear RNN
models to effectively approximate the indicator conditions. | cs.LG | Theoretical Conditions and Empirical Failure of Bracket Counting on Long Sequences with Linear Recurrent Networks |
2023-04-07T12:20:13Z | http://arxiv.org/pdf/2304.03612v1 | http://arxiv.org/abs/2304.03612v1 | Ronald Fischer, Markus Luczak-Roesch, Johannes A Karl | 2023-04-07T12:20:13Z | cs.CL, cs.CY, cs.HC, 68T50 | There has been concern about ideological basis and possible discrimination in
text generated by Large Language Models (LLMs). We test possible value biases
in ChatGPT using a psychological value theory. We designed a simple experiment
in which we used a number of different probes derived from the Schwartz basic
value theory (items from the revised Portrait Value Questionnaire, the value
type definitions, value names). We prompted ChatGPT via the OpenAI API
repeatedly to generate text and then analyzed the generated corpus for value
content with a theory-driven value dictionary using a bag of words approach.
Overall, we found little evidence of explicit value bias. The results showed
sufficient construct and discriminant validity for the generated text in line
with the theoretical predictions of the psychological model, which suggests
that the value content was carried through into the outputs with high fidelity.
We saw some merging of socially oriented values, which may suggest that these
values are less clearly differentiated at a linguistic level or alternatively,
this mixing may reflect underlying universal human motivations. We outline some
possible applications of our findings for both applications of ChatGPT for
corporate usage and policy making as well as future research avenues. We also
highlight possible implications of this relatively high-fidelity replication of
motivational content using a linguistic model for the theorizing about human
values. | cs.CL | What does ChatGPT return about human values? Exploring value bias in ChatGPT using a descriptive value theory |
2023-04-07T12:06:44Z | http://arxiv.org/pdf/2304.03609v2 | http://arxiv.org/abs/2304.03609v2 | Yulin Zhou, Yiren Zhao, Ilia Shumailov, Robert Mullins, Yarin Gal | 2023-06-22T20:17:00Z | cs.CL, cs.LG | Current literature demonstrates that Large Language Models (LLMs) are great
few-shot learners, and prompting significantly increases their performance on a
range of downstream tasks in a few-shot learning setting. An attempt to
automate human-led prompting followed, with some progress achieved. In
particular, subsequent work demonstrates automation can outperform fine-tuning
in certain K-shot learning scenarios.
In this paper, we revisit techniques for automated prompting on six different
downstream tasks and a larger range of K-shot learning settings. We find that
automated prompting does not consistently outperform simple manual prompts. Our
work suggests that, in addition to fine-tuning, manual prompts should be used
as a baseline in this line of research. | cs.CL | Revisiting Automated Prompting: Are We Actually Doing Better? |
2023-04-07T10:52:55Z | http://arxiv.org/pdf/2304.03585v1 | http://arxiv.org/abs/2304.03585v1 | Mohammd Hasan Shamgholi, Vahid Saeedi, Javad Peymanfard, Leila Alhabib, Hossein Zeinali | 2023-04-07T10:52:55Z | cs.CL | TTS, or text-to-speech, is a complicated process that can be accomplished
through appropriate modeling using deep learning methods. In order to implement
deep learning models, a suitable dataset is required. Since there is a scarce
amount of work done in this field for the Persian language, this paper will
introduce the single speaker dataset: ArmanTTS. We compared the characteristics
of this dataset with those of various prevalent datasets to prove that ArmanTTS
meets the necessary standards for teaching a Persian text-to-speech conversion
model. We also combined the Tacotron 2 and HiFi GAN to design a model that can
receive phonemes as input, with the output being the corresponding speech. 4.0
value of MOS was obtained from real speech, 3.87 value was obtained by the
vocoder prediction and 2.98 value was reached with the synthetic speech
generated by the TTS model. | cs.CL | ArmanTTS single-speaker Persian dataset |
2023-04-07T10:16:15Z | http://arxiv.org/pdf/2304.11088v1 | http://arxiv.org/abs/2304.11088v1 | Abdul Sittar, Dunja Mladenic, Marko Grobelnik | 2023-04-07T10:16:15Z | cs.CL, cs.AI, cs.LG, cs.SI | News headlines can be a good data source for detecting the news spreading
barriers in news media, which may be useful in many real-world applications. In
this paper, we utilize semantic knowledge through the inference-based model
COMET and sentiments of news headlines for barrier classification. We consider
five barriers including cultural, economic, political, linguistic, and
geographical, and different types of news headlines including health, sports,
science, recreation, games, homes, society, shopping, computers, and business.
To that end, we collect and label the news headlines automatically for the
barriers using the metadata of news publishers. Then, we utilize the extracted
commonsense inferences and sentiments as features to detect the news spreading
barriers. We compare our approach to the classical text classification methods,
deep learning, and transformer-based methods. The results show that the
proposed approach using inferences-based semantic knowledge and sentiment
offers better performance than the usual (the average F1-score of the ten
categories improves from 0.41, 0.39, 0.59, and 0.59 to 0.47, 0.55, 0.70, and
0.76 for the cultural, economic, political, and geographical respectively) for
classifying the news-spreading barriers. | cs.CL | Profiling the news spreading barriers using news headlines |
2023-04-07T08:57:01Z | http://arxiv.org/pdf/2304.03548v3 | http://arxiv.org/abs/2304.03548v3 | Guangsheng Bao, Zebin Ou, Yue Zhang | 2023-12-09T11:27:35Z | cs.CL | Human experts write summaries using different techniques, including
extracting a sentence from the document and rewriting it, or fusing various
information from the document to abstract it. These techniques are flexible and
thus difficult to be imitated by any single method. To address this issue, we
propose an adaptive model, GEMINI, that integrates a rewriter and a generator
to mimic the sentence rewriting and abstracting techniques, respectively.
GEMINI adaptively chooses to rewrite a specific document sentence or generate a
summary sentence from scratch. Experiments demonstrate that our adaptive
approach outperforms the pure abstractive and rewriting baselines on three
benchmark datasets, achieving the best results on WikiHow. Interestingly,
empirical results show that the human summary styles of summary sentences are
consistently predictable given their context. We release our code and model at
\url{https://github.com/baoguangsheng/gemini}. | cs.CL | GEMINI: Controlling the Sentence-level Writing Style for Abstractive Text Summarization |
2023-04-07T08:49:43Z | http://arxiv.org/pdf/2304.03544v2 | http://arxiv.org/abs/2304.03544v2 | Xiaobao Wu, Xinshuai Dong, Thong Nguyen, Chaoqun Liu, Liangming Pan, Anh Tuan Luu | 2024-03-27T10:53:42Z | cs.CL | Cross-lingual topic models have been prevalent for cross-lingual text
analysis by revealing aligned latent topics. However, most existing methods
suffer from producing repetitive topics that hinder further analysis and
performance decline caused by low-coverage dictionaries. In this paper, we
propose the Cross-lingual Topic Modeling with Mutual Information (InfoCTM).
Instead of the direct alignment in previous work, we propose a topic alignment
with mutual information method. This works as a regularization to properly
align topics and prevent degenerate topic representations of words, which
mitigates the repetitive topic issue. To address the low-coverage dictionary
issue, we further propose a cross-lingual vocabulary linking method that finds
more linked cross-lingual words for topic alignment beyond the translations of
a given dictionary. Extensive experiments on English, Chinese, and Japanese
datasets demonstrate that our method outperforms state-of-the-art baselines,
producing more coherent, diverse, and well-aligned topics and showing better
transferability for cross-lingual classification tasks. | cs.CL | InfoCTM: A Mutual Information Maximization Perspective of Cross-Lingual Topic Modeling |
2023-04-07T08:09:50Z | http://arxiv.org/pdf/2304.03531v3 | http://arxiv.org/abs/2304.03531v3 | Shulin Huang, Shirong Ma, Yangning Li, Yinghui Li, Yong Jiang, Hai-Tao Zheng, Ying Shen | 2023-10-31T15:41:00Z | cs.CL, cs.IR | Entity Set Expansion (ESE) is a critical task aiming at expanding entities of
the target semantic class described by seed entities. Most existing ESE methods
are retrieval-based frameworks that need to extract contextual features of
entities and calculate the similarity between seed entities and candidate
entities. To achieve the two purposes, they iteratively traverse the corpus and
the entity vocabulary, resulting in poor efficiency and scalability.
Experimental results indicate that the time consumed by the retrieval-based ESE
methods increases linearly with entity vocabulary and corpus size. In this
paper, we firstly propose Generative Entity Set Expansion (GenExpan) framework,
which utilizes a generative pre-trained auto-regressive language model to
accomplish ESE task. Specifically, a prefix tree is employed to guarantee the
validity of entity generation, and automatically generated class names are
adopted to guide the model to generate target entities. Moreover, we propose
Knowledge Calibration and Generative Ranking to further bridge the gap between
generic knowledge of the language model and the goal of ESE task. For
efficiency, expansion time consumed by GenExpan is independent of entity
vocabulary and corpus size, and GenExpan achieves an average 600% speedup
compared to strong baselines. For expansion effectiveness, our framework
outperforms previous state-of-the-art ESE methods. | cs.CL | From Retrieval to Generation: Efficient and Effective Entity Set Expansion |
2023-04-07T07:24:32Z | http://arxiv.org/pdf/2304.03518v2 | http://arxiv.org/abs/2304.03518v2 | Sriya Rallabandi, Sanchit Singhal, Pratinav Seth | 2023-04-23T19:09:48Z | cs.CL, cs.AI, cs.CY, cs.LG | This paper describes our submission to Task 10 at SemEval 2023-Explainable
Detection of Online Sexism (EDOS), divided into three subtasks. The recent rise
in social media platforms has seen an increase in disproportionate levels of
sexism experienced by women on social media platforms. This has made detecting
and explaining online sexist content more important than ever to make social
media safer and more accessible for women. Our approach consists of
experimenting and finetuning BERT-based models and using a Majority Voting
ensemble model that outperforms individual baseline model scores. Our system
achieves a macro F1 score of 0.8392 for Task A, 0.6092 for Task B, and 0.4319
for Task C. | cs.CL | SSS at SemEval-2023 Task 10: Explainable Detection of Online Sexism using Majority Voted Fine-Tuned Transformers |
2023-04-07T07:13:35Z | http://arxiv.org/pdf/2304.03512v3 | http://arxiv.org/abs/2304.03512v3 | Kun Zhu, Xiaocheng Feng, Xiachong Feng, Yingsheng Wu, Bing Qin | 2023-11-17T02:08:14Z | cs.CL | Scientific literature review generation aims to extract and organize
important information from an abundant collection of reference papers and
produces corresponding reviews while lacking a clear and logical hierarchy. We
observe that a high-quality catalogue-guided generation process can effectively
alleviate this problem. Therefore, we present an atomic and challenging task
named Hierarchical Catalogue Generation for Literature Review as the first step
for review generation, which aims to produce a hierarchical catalogue of a
review paper given various references. We construct a novel English
Hierarchical Catalogues of Literature Reviews Dataset with 7.6k literature
review catalogues and 389k reference papers. To accurately assess the model
performance, we design two evaluation metrics for informativeness and
similarity to ground truth from semantics and structure.Our extensive analyses
verify the high quality of our dataset and the effectiveness of our evaluation
metrics. We further benchmark diverse experiments on state-of-the-art
summarization models like BART and large language models like ChatGPT to
evaluate their capabilities. We further discuss potential directions for this
task to motivate future research. | cs.CL | Hierarchical Catalogue Generation for Literature Review: A Benchmark |
2023-04-07T03:39:08Z | http://arxiv.org/pdf/2304.03464v3 | http://arxiv.org/abs/2304.03464v3 | Abhishek Arora, Xinmei Yang, Shao-Yu Jheng, Melissa Dell | 2024-06-21T18:35:25Z | cs.CV, cs.CL, econ.GN, q-fin.EC | Many applications require linking individuals, firms, or locations across
datasets. Most widely used methods, especially in social science, do not employ
deep learning, with record linkage commonly approached using string matching
techniques. Moreover, existing methods do not exploit the inherently multimodal
nature of documents. In historical record linkage applications, documents are
typically noisily transcribed by optical character recognition (OCR). Linkage
with just OCR'ed texts may fail due to noise, whereas linkage with just image
crops may also fail because vision models lack language understanding (e.g., of
abbreviations or other different ways of writing firm names). To leverage
multimodal learning, this study develops CLIPPINGS (Contrastively LInking
Pooled Pre-trained Embeddings). CLIPPINGS aligns symmetric vision and language
bi-encoders, through contrastive language-image pre-training on document images
and their corresponding OCR'ed texts. It then contrastively learns a metric
space where the pooled image-text embedding for a given instance is close to
embeddings in the same class (e.g., the same firm or location) and distant from
embeddings of a different class. Data are linked by treating linkage as a
nearest neighbor retrieval problem with the multimodal embeddings. CLIPPINGS
outperforms widely used string matching methods by a wide margin in linking
mid-20th century Japanese firms across financial documents. A purely
self-supervised model - trained only by aligning the embeddings for the image
crop of a firm name and its corresponding OCR'ed text - also outperforms
popular string matching methods. Fascinatingly, a multimodally pre-trained
vision-only encoder outperforms a unimodally pre-trained vision-only encoder,
illustrating the power of multimodal pre-training even if only one modality is
available for linking at inference time. | cs.CV | Linking Representations with Multimodal Contrastive Learning |
2023-04-07T01:37:45Z | http://arxiv.org/pdf/2304.03439v3 | http://arxiv.org/abs/2304.03439v3 | Hanmeng Liu, Ruoxi Ning, Zhiyang Teng, Jian Liu, Qiji Zhou, Yue Zhang | 2023-05-05T07:24:48Z | cs.CL, cs.AI | Harnessing logical reasoning ability is a comprehensive natural language
understanding endeavor. With the release of Generative Pretrained Transformer 4
(GPT-4), highlighted as "advanced" at reasoning tasks, we are eager to learn
the GPT-4 performance on various logical reasoning tasks. This report analyses
multiple logical reasoning datasets, with popular benchmarks like LogiQA and
ReClor, and newly-released datasets like AR-LSAT. We test the multi-choice
reading comprehension and natural language inference tasks with benchmarks
requiring logical reasoning. We further construct a logical reasoning
out-of-distribution dataset to investigate the robustness of ChatGPT and GPT-4.
We also make a performance comparison between ChatGPT and GPT-4. Experiment
results show that ChatGPT performs significantly better than the RoBERTa
fine-tuning method on most logical reasoning benchmarks. With early access to
the GPT-4 API we are able to conduct intense experiments on the GPT-4 model.
The results show GPT-4 yields even higher performance on most logical reasoning
datasets. Among benchmarks, ChatGPT and GPT-4 do relatively well on well-known
datasets like LogiQA and ReClor. However, the performance drops significantly
when handling newly released and out-of-distribution datasets. Logical
reasoning remains challenging for ChatGPT and GPT-4, especially on
out-of-distribution and natural language inference datasets. We release the
prompt-style logical reasoning datasets as a benchmark suite and name it
LogiEval. | cs.CL | Evaluating the Logical Reasoning Ability of ChatGPT and GPT-4 |
2023-04-07T00:45:12Z | http://arxiv.org/pdf/2304.03427v2 | http://arxiv.org/abs/2304.03427v2 | Queenie Luo, Yung-Sung Chuang | 2024-05-14T22:12:24Z | cs.CL, cs.AI, cs.CY, cs.LG | Scholars in the humanities rely heavily on ancient manuscripts to study
history, religion, and socio-political structures in the past. Many efforts
have been devoted to digitizing these precious manuscripts using OCR
technology, but most manuscripts were blemished over the centuries so that an
Optical Character Recognition (OCR) program cannot be expected to capture faded
graphs and stains on pages. This work presents a neural spelling correction
model built on Google OCR-ed Tibetan Manuscripts to auto-correct OCR-ed noisy
output. This paper is divided into four sections: dataset, model architecture,
training and analysis. First, we feature-engineered our raw Tibetan etext
corpus into two sets of structured data frames -- a set of paired toy data and
a set of paired real data. Then, we implemented a Confidence Score mechanism
into the Transformer architecture to perform spelling correction tasks.
According to the Loss and Character Error Rate, our Transformer + Confidence
score mechanism architecture proves to be superior to Transformer, LSTM-2-LSTM
and GRU-2-GRU architectures. Finally, to examine the robustness of our model,
we analyzed erroneous tokens, visualized Attention and Self-Attention heatmaps
in our model. | cs.CL | Cleansing Jewel: A Neural Spelling Correction Model Built On Google OCR-ed Tibetan Manuscripts |
2023-04-06T23:36:45Z | http://arxiv.org/pdf/2304.03414v1 | http://arxiv.org/abs/2304.03414v1 | Sihao Chen, William Bruno, Dan Roth | 2023-04-06T23:36:45Z | cs.CL | News sources undergo the process of selecting newsworthy information when
covering a certain topic. The process inevitably exhibits selection biases,
i.e. news sources' typical patterns of choosing what information to include in
news coverage, due to their agenda differences. To understand the magnitude and
implications of selection biases, one must first discover (1) on what topics do
sources typically have diverging definitions of "newsworthy" information, and
(2) do the content selection patterns correlate with certain attributes of the
news sources, e.g. ideological leaning, etc.
The goal of the paper is to investigate and discuss the challenges of
building scalable NLP systems for discovering patterns of media selection
biases directly from news content in massive-scale news corpora, without
relying on labeled data. To facilitate research in this domain, we propose and
study a conceptual framework, where we compare how sources typically mention
certain controversial entities, and use such as indicators for the sources'
content selection preferences. We empirically show the capabilities of the
framework through a case study on NELA-2020, a corpus of 1.8M news articles in
English from 519 news sources worldwide. We demonstrate an unsupervised
representation learning method to capture the selection preferences for how
sources typically mention controversial entities. Our experiments show that
that distributional divergence of such representations, when studied
collectively across entities and news sources, serve as good indicators for an
individual source's ideological leaning. We hope our findings will provide
insights for future research on media selection biases. | cs.CL | Towards Corpus-Scale Discovery of Selection Biases in News Coverage: Comparing What Sources Say About Entities as a Start |
2023-04-06T22:16:53Z | http://arxiv.org/pdf/2304.03401v2 | http://arxiv.org/abs/2304.03401v2 | Daniel Campos, ChengXiang Zhai, Alessandro Magnani | 2023-04-10T14:22:32Z | cs.IR, cs.AI, cs.CL | The success of contextual word representations and advances in neural
information retrieval have made dense vector-based retrieval a standard
approach for passage and document ranking. While effective and efficient,
dual-encoders are brittle to variations in query distributions and noisy
queries. Data augmentation can make models more robust but introduces overhead
to training set generation and requires retraining and index regeneration. We
present Contrastive Alignment POst Training (CAPOT), a highly efficient
finetuning method that improves model robustness without requiring index
regeneration, the training set optimization, or alteration. CAPOT enables
robust retrieval by freezing the document encoder while the query encoder
learns to align noisy queries with their unaltered root. We evaluate CAPOT
noisy variants of MSMARCO, Natural Questions, and Trivia QA passage retrieval,
finding CAPOT has a similar impact as data augmentation with none of its
overhead. | cs.IR | Noise-Robust Dense Retrieval via Contrastive Alignment Post Training |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.