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-03-30T17:48:28Z | http://arxiv.org/pdf/2303.17580v4 | http://arxiv.org/abs/2303.17580v4 | Yongliang Shen, Kaitao Song, Xu Tan, Dongsheng Li, Weiming Lu, Yueting Zhuang | 2023-12-03T18:17:21Z | cs.CL, cs.AI, cs.CV, cs.LG | Solving complicated AI tasks with different domains and modalities is a key
step toward artificial general intelligence. While there are numerous AI models
available for various domains and modalities, they cannot handle complicated AI
tasks autonomously. Considering large language models (LLMs) have exhibited
exceptional abilities in language understanding, generation, interaction, and
reasoning, we advocate that LLMs could act as a controller to manage existing
AI models to solve complicated AI tasks, with language serving as a generic
interface to empower this. Based on this philosophy, we present HuggingGPT, an
LLM-powered agent that leverages LLMs (e.g., ChatGPT) to connect various AI
models in machine learning communities (e.g., Hugging Face) to solve AI tasks.
Specifically, we use ChatGPT to conduct task planning when receiving a user
request, select models according to their function descriptions available in
Hugging Face, execute each subtask with the selected AI model, and summarize
the response according to the execution results. By leveraging the strong
language capability of ChatGPT and abundant AI models in Hugging Face,
HuggingGPT can tackle a wide range of sophisticated AI tasks spanning different
modalities and domains and achieve impressive results in language, vision,
speech, and other challenging tasks, which paves a new way towards the
realization of artificial general intelligence. | cs.CL | HuggingGPT: Solving AI Tasks with ChatGPT and its Friends in Hugging Face |
2023-03-30T17:40:30Z | http://arxiv.org/pdf/2303.17574v1 | http://arxiv.org/abs/2303.17574v1 | Nico Daheim, Nouha Dziri, Mrinmaya Sachan, Iryna Gurevych, Edoardo M. Ponti | 2023-03-30T17:40:30Z | cs.CL, cs.AI, cs.LG | Ideally, dialogue systems should generate responses that are faithful to the
knowledge contained in relevant documents. However, many models generate
hallucinated responses instead that contradict it or contain unverifiable
information. To mitigate such undesirable behaviour, it has been proposed to
fine-tune a `negative expert' on negative examples and subtract its parameters
from those of a pre-trained model. However, intuitively, this does not take
into account that some parameters are more responsible than others in causing
hallucinations. Thus, we propose to weigh their individual importance via (an
approximation of) the Fisher Information matrix, which measures the uncertainty
of their estimate. We call this method Elastic Weight Removal (EWR). We
evaluate our method -- using different variants of Flan-T5 as a backbone
language model -- on multiple datasets for information-seeking dialogue
generation and compare our method with state-of-the-art techniques for
faithfulness, such as CTRL, Quark, DExperts, and Noisy Channel reranking.
Extensive automatic and human evaluation shows that EWR systematically
increases faithfulness at minor costs in terms of other metrics. However, we
notice that only discouraging hallucinations may increase extractiveness, i.e.
shallow copy-pasting of document spans, which can be undesirable. Hence, as a
second main contribution, we show that our method can be extended to
simultaneously discourage hallucinations and extractive responses. We publicly
release the code for reproducing EWR and all baselines. | cs.CL | Elastic Weight Removal for Faithful and Abstractive Dialogue Generation |
2023-03-30T17:30:36Z | http://arxiv.org/pdf/2303.17564v3 | http://arxiv.org/abs/2303.17564v3 | Shijie Wu, Ozan Irsoy, Steven Lu, Vadim Dabravolski, Mark Dredze, Sebastian Gehrmann, Prabhanjan Kambadur, David Rosenberg, Gideon Mann | 2023-12-21T06:21:11Z | cs.LG, cs.AI, cs.CL, q-fin.GN | The use of NLP in the realm of financial technology is broad and complex,
with applications ranging from sentiment analysis and named entity recognition
to question answering. Large Language Models (LLMs) have been shown to be
effective on a variety of tasks; however, no LLM specialized for the financial
domain has been reported in literature. In this work, we present BloombergGPT,
a 50 billion parameter language model that is trained on a wide range of
financial data. We construct a 363 billion token dataset based on Bloomberg's
extensive data sources, perhaps the largest domain-specific dataset yet,
augmented with 345 billion tokens from general purpose datasets. We validate
BloombergGPT on standard LLM benchmarks, open financial benchmarks, and a suite
of internal benchmarks that most accurately reflect our intended usage. Our
mixed dataset training leads to a model that outperforms existing models on
financial tasks by significant margins without sacrificing performance on
general LLM benchmarks. Additionally, we explain our modeling choices, training
process, and evaluation methodology. We release Training Chronicles (Appendix
C) detailing our experience in training BloombergGPT. | cs.LG | BloombergGPT: A Large Language Model for Finance |
2023-03-30T17:26:16Z | http://arxiv.org/pdf/2303.17557v1 | http://arxiv.org/abs/2303.17557v1 | A. Emin Orhan | 2023-03-30T17:26:16Z | cs.CL, cs.LG, cs.NE | The training of modern large language models (LLMs) takes place in a regime
where most training examples are seen only a few times by the model during the
course of training. What does a model remember about such examples seen only a
few times during training and how long does that memory persist in the face of
continuous training with new examples? Here, we investigate these questions
through simple recognition, recall, and retention experiments with LLMs. In
recognition experiments, we ask if the model can distinguish the seen example
from a novel example; in recall experiments, we ask if the model can correctly
recall the seen example when cued by a part of it; and in retention
experiments, we periodically probe the model's memory for the original examples
as the model is trained continuously with new examples. We find that a single
exposure is generally sufficient for a model to achieve near perfect accuracy
even in very challenging recognition experiments. We estimate that the
recognition performance of even small language models easily exceeds human
recognition performance reported in similar experiments with humans (Shepard,
1967). Achieving near perfect recall takes more exposures, but most models can
do it in just 3 exposures. The flip side of this remarkable capacity for fast
learning is that precise memories are quickly overwritten: recall performance
for the original examples drops steeply over the first 10 training updates with
new examples, followed by a more gradual decline. Even after 100K updates,
however, some of the original examples are still recalled near perfectly. A
qualitatively similar retention pattern has been observed in human long-term
memory retention studies before (Bahrick, 1984). Finally, recognition is much
more robust to interference than recall and memory for natural language
sentences is generally superior to memory for stimuli without structure. | cs.CL | Recognition, recall, and retention of few-shot memories in large language models |
2023-03-30T17:17:08Z | http://arxiv.org/pdf/2303.17548v1 | http://arxiv.org/abs/2303.17548v1 | Shibani Santurkar, Esin Durmus, Faisal Ladhak, Cinoo Lee, Percy Liang, Tatsunori Hashimoto | 2023-03-30T17:17:08Z | cs.CL, cs.AI, cs.CY, cs.LG | Language models (LMs) are increasingly being used in open-ended contexts,
where the opinions reflected by LMs in response to subjective queries can have
a profound impact, both on user satisfaction, as well as shaping the views of
society at large. In this work, we put forth a quantitative framework to
investigate the opinions reflected by LMs -- by leveraging high-quality public
opinion polls and their associated human responses. Using this framework, we
create OpinionsQA, a new dataset for evaluating the alignment of LM opinions
with those of 60 US demographic groups over topics ranging from abortion to
automation. Across topics, we find substantial misalignment between the views
reflected by current LMs and those of US demographic groups: on par with the
Democrat-Republican divide on climate change. Notably, this misalignment
persists even after explicitly steering the LMs towards particular demographic
groups. Our analysis not only confirms prior observations about the
left-leaning tendencies of some human feedback-tuned LMs, but also surfaces
groups whose opinions are poorly reflected by current LMs (e.g., 65+ and
widowed individuals). Our code and data are available at
https://github.com/tatsu-lab/opinions_qa. | cs.CL | Whose Opinions Do Language Models Reflect? |
2023-03-30T16:34:10Z | http://arxiv.org/pdf/2303.17517v1 | http://arxiv.org/abs/2303.17517v1 | Hyeonggon Ryu, Arda Senocak, In So Kweon, Joon Son Chung | 2023-03-30T16:34:10Z | cs.CL, cs.CV, cs.SD, eess.AS | The objective of this work is to explore the learning of visually grounded
speech models (VGS) from multilingual perspective. Bilingual VGS models are
generally trained with an equal number of spoken captions from both languages.
However, in reality, there can be an imbalance among the languages for the
available spoken captions. Our key contribution in this work is to leverage the
power of a high-resource language in a bilingual visually grounded speech model
to improve the performance of a low-resource language. We introduce two methods
to distill the knowledge of high-resource language into low-resource languages:
(1) incorporating a strong pre-trained high-resource language encoder and (2)
using semantically similar spoken captions. Our experiments show that combining
these two approaches effectively enables the low-resource language to surpass
the performances of monolingual and bilingual counterparts for cross-modal
retrieval tasks. | cs.CL | Hindi as a Second Language: Improving Visually Grounded Speech with Semantically Similar Samples |
2023-03-30T16:01:52Z | http://arxiv.org/pdf/2303.17491v3 | http://arxiv.org/abs/2303.17491v3 | Geunwoo Kim, Pierre Baldi, Stephen McAleer | 2023-11-16T20:15:14Z | cs.CL, cs.AI, cs.HC, cs.LG | Agents capable of carrying out general tasks on a computer can improve
efficiency and productivity by automating repetitive tasks and assisting in
complex problem-solving. Ideally, such agents should be able to solve new
computer tasks presented to them through natural language commands. However,
previous approaches to this problem require large amounts of expert
demonstrations and task-specific reward functions, both of which are
impractical for new tasks. In this work, we show that a pre-trained large
language model (LLM) agent can execute computer tasks guided by natural
language using a simple prompting scheme where the agent Recursively Criticizes
and Improves its output (RCI). The RCI approach significantly outperforms
existing LLM methods for automating computer tasks and surpasses supervised
learning (SL) and reinforcement learning (RL) approaches on the MiniWoB++
benchmark. We compare multiple LLMs and find that RCI with the
InstructGPT-3+RLHF LLM is state-of-the-art on MiniWoB++, using only a handful
of demonstrations per task rather than tens of thousands, and without a
task-specific reward function. Furthermore, we demonstrate RCI prompting's
effectiveness in enhancing LLMs' reasoning abilities on a suite of natural
language reasoning tasks, outperforming chain of thought (CoT) prompting with
external feedback. We find that RCI combined with CoT performs better than
either separately. Our code can be found here:
https://github.com/posgnu/rci-agent. | cs.CL | Language Models can Solve Computer Tasks |
2023-03-30T15:48:26Z | http://arxiv.org/pdf/2303.17475v2 | http://arxiv.org/abs/2303.17475v2 | Lorenzo Dall'Amico, Enrico Maria Belliardo | 2023-10-30T09:34:17Z | cs.LG, cs.CL, stat.ML | This article describes an efficient method to learn distributed
representations, also known as embeddings. This is accomplished minimizing an
objective function similar to the one introduced in the Word2Vec algorithm and
later adopted in several works. The optimization computational bottleneck is
the calculation of the softmax normalization constants for which a number of
operations scaling quadratically with the sample size is required. This
complexity is unsuited for large datasets and negative sampling is a popular
workaround, allowing one to obtain distributed representations in linear time
with respect to the sample size. Negative sampling consists, however, in a
change of the loss function and hence solves a different optimization problem
from the one originally proposed. Our contribution is to show that the sotfmax
normalization constants can be estimated in linear time, allowing us to design
an efficient optimization strategy to learn distributed representations. We
test our approximation on two popular applications related to word and node
embeddings. The results evidence competing performance in terms of accuracy
with respect to negative sampling with a remarkably lower computational time. | cs.LG | Efficient distributed representations beyond negative sampling |
2023-03-30T15:43:39Z | http://arxiv.org/pdf/2303.17466v2 | http://arxiv.org/abs/2303.17466v2 | Yong Cao, Li Zhou, Seolhwa Lee, Laura Cabello, Min Chen, Daniel Hershcovich | 2023-03-31T15:02:48Z | cs.CL | The recent release of ChatGPT has garnered widespread recognition for its
exceptional ability to generate human-like responses in dialogue. Given its
usage by users from various nations and its training on a vast multilingual
corpus that incorporates diverse cultural and societal norms, it is crucial to
evaluate its effectiveness in cultural adaptation. In this paper, we
investigate the underlying cultural background of ChatGPT by analyzing its
responses to questions designed to quantify human cultural differences. Our
findings suggest that, when prompted with American context, ChatGPT exhibits a
strong alignment with American culture, but it adapts less effectively to other
cultural contexts. Furthermore, by using different prompts to probe the model,
we show that English prompts reduce the variance in model responses, flattening
out cultural differences and biasing them towards American culture. This study
provides valuable insights into the cultural implications of ChatGPT and
highlights the necessity of greater diversity and cultural awareness in
language technologies. | cs.CL | Assessing Cross-Cultural Alignment between ChatGPT and Human Societies: An Empirical Study |
2023-03-30T15:31:49Z | http://arxiv.org/pdf/2304.01005v3 | http://arxiv.org/abs/2304.01005v3 | Karim Gamal, Ahmed Gaber, Hossam Amer | 2023-07-07T00:51:43Z | cs.CL | Federated learning is a growing field in the machine learning community due
to its decentralized and private design. Model training in federated learning
is distributed over multiple clients giving access to lots of client data while
maintaining privacy. Then, a server aggregates the training done on these
multiple clients without access to their data, which could be emojis widely
used in any social media service and instant messaging platforms to express
users' sentiments. This paper proposes federated learning-based multilingual
emoji prediction in both clean and attack scenarios. Emoji prediction data have
been crawled from both Twitter and SemEval emoji datasets. This data is used to
train and evaluate different transformer model sizes including a sparsely
activated transformer with either the assumption of clean data in all clients
or poisoned data via label flipping attack in some clients. Experimental
results on these models show that federated learning in either clean or
attacked scenarios performs similarly to centralized training in multilingual
emoji prediction on seen and unseen languages under different data sources and
distributions. Our trained transformers perform better than other techniques on
the SemEval emoji dataset in addition to the privacy as well as distributed
benefits of federated learning. | cs.CL | Federated Learning Based Multilingual Emoji Prediction In Clean and Attack Scenarios |
2023-03-30T14:25:44Z | http://arxiv.org/pdf/2303.17408v3 | http://arxiv.org/abs/2303.17408v3 | Yucheng Ruan, Xiang Lan, Daniel J. Tan, Hairil Rizal Abdullah, Mengling Feng | 2024-01-09T10:28:00Z | cs.CL | Medical tabular data, abundant in Electronic Health Records (EHRs), is a
valuable resource for diverse medical tasks such as risk prediction. While deep
learning approaches, particularly transformer-based models, have shown
remarkable performance in tabular data prediction, there are still problems
remained for existing work to be effectively adapted into medical domain, such
as under-utilization of unstructured free-texts, limited exploration of textual
information in structured data, and data corruption. To address these issues,
we propose P-Transformer, a Prompt-based multimodal Transformer architecture
designed specifically for medical tabular data. This framework consists two
critical components: a tabular cell embedding generator and a tabular
transformer. The former efficiently encodes diverse modalities from both
structured and unstructured tabular data into a harmonized language semantic
space with the help of pre-trained sentence encoder and medical prompts. The
latter integrates cell representations to generate patient embeddings for
various medical tasks. In comprehensive experiments on two real-world datasets
for three medical tasks, P-Transformer demonstrated the improvements with
10.9%/11.0% on RMSE/MAE, 0.5%/2.2% on RMSE/MAE, and 1.6%/0.8% on BACC/AUROC
compared to state-of-the-art (SOTA) baselines in predictability. Notably, the
model exhibited strong resilience to data corruption in the structured data,
particularly when the corruption rates are high. | cs.CL | P-Transformer: A Prompt-based Multimodal Transformer Architecture For Medical Tabular Data |
2023-03-30T14:07:47Z | http://arxiv.org/pdf/2303.17395v1 | http://arxiv.org/abs/2303.17395v1 | Xinhao Mei, Chutong Meng, Haohe Liu, Qiuqiang Kong, Tom Ko, Chengqi Zhao, Mark D. Plumbley, Yuexian Zou, Wenwu Wang | 2023-03-30T14:07:47Z | eess.AS, cs.CL, cs.MM, cs.SD | The advancement of audio-language (AL) multimodal learning tasks has been
significant in recent years. However, researchers face challenges due to the
costly and time-consuming collection process of existing audio-language
datasets, which are limited in size. To address this data scarcity issue, we
introduce WavCaps, the first large-scale weakly-labelled audio captioning
dataset, comprising approximately 400k audio clips with paired captions. We
sourced audio clips and their raw descriptions from web sources and a sound
event detection dataset. However, the online-harvested raw descriptions are
highly noisy and unsuitable for direct use in tasks such as automated audio
captioning. To overcome this issue, we propose a three-stage processing
pipeline for filtering noisy data and generating high-quality captions, where
ChatGPT, a large language model, is leveraged to filter and transform raw
descriptions automatically. We conduct a comprehensive analysis of the
characteristics of WavCaps dataset and evaluate it on multiple downstream
audio-language multimodal learning tasks. The systems trained on WavCaps
outperform previous state-of-the-art (SOTA) models by a significant margin. Our
aspiration is for the WavCaps dataset we have proposed to facilitate research
in audio-language multimodal learning and demonstrate the potential of
utilizing ChatGPT to enhance academic research. Our dataset and codes are
available at https://github.com/XinhaoMei/WavCaps. | eess.AS | WavCaps: A ChatGPT-Assisted Weakly-Labelled Audio Captioning Dataset for Audio-Language Multimodal Research |
2023-03-30T13:29:49Z | http://arxiv.org/pdf/2303.17367v1 | http://arxiv.org/abs/2303.17367v1 | Nankai Lin, Hongbin Zhang, Menglan Shen, Yu Wang, Shengyi Jiang, Aimin Yang | 2023-03-30T13:29:49Z | cs.CL | Grammatical error correction (GEC) is a challenging task of natural language
processing techniques. While more attempts are being made in this approach for
universal languages like English or Chinese, relatively little work has been
done for low-resource languages for the lack of large annotated corpora. In
low-resource languages, the current unsupervised GEC based on language model
scoring performs well. However, the pre-trained language model is still to be
explored in this context. This study proposes a BERT-based unsupervised GEC
framework, where GEC is viewed as multi-class classification task. The
framework contains three modules: data flow construction module, sentence
perplexity scoring module, and error detecting and correcting module. We
propose a novel scoring method for pseudo-perplexity to evaluate a sentence's
probable correctness and construct a Tagalog corpus for Tagalog GEC research.
It obtains competitive performance on the Tagalog corpus we construct and
open-source Indonesian corpus and it demonstrates that our framework is
complementary to baseline method for low-resource GEC task. | cs.CL | A BERT-based Unsupervised Grammatical Error Correction Framework |
2023-03-30T12:36:46Z | http://arxiv.org/pdf/2303.18062v2 | http://arxiv.org/abs/2303.18062v2 | Esteban Marquer, Miguel Couceiro | 2024-04-17T15:23:12Z | cs.CL, cs.AI, cs.LG | Analogical inference is a remarkable capability of human reasoning, and has
been used to solve hard reasoning tasks. Analogy based reasoning (AR) has
gained increasing interest from the artificial intelligence community and has
shown its potential in multiple machine learning tasks such as classification,
decision making and recommendation with competitive results. We propose a deep
learning (DL) framework to address and tackle two key tasks in AR: analogy
detection and solving. The framework is thoroughly tested on the Siganalogies
dataset of morphological analogical proportions (APs) between words, and shown
to outperform symbolic approaches in many languages. Previous work have
explored the behavior of the Analogy Neural Network for classification (ANNc)
on analogy detection and of the Analogy Neural Network for retrieval (ANNr) on
analogy solving by retrieval, as well as the potential of an autoencoder (AE)
for analogy solving by generating the solution word. In this article we
summarize these findings and we extend them by combining ANNr and the AE
embedding model, and checking the performance of ANNc as an retrieval method.
The combination of ANNr and AE outperforms the other approaches in almost all
cases, and ANNc as a retrieval method achieves competitive or better
performance than 3CosMul. We conclude with general guidelines on using our
framework to tackle APs with DL. | cs.CL | Solving morphological analogies: from retrieval to generation |
2023-03-30T12:24:25Z | http://arxiv.org/pdf/2303.17324v1 | http://arxiv.org/abs/2303.17324v1 | Anton Thielmann, Quentin Seifert, Arik Reuter, Elisabeth Bergherr, Benjamin Säfken | 2023-03-30T12:24:25Z | cs.CL | Extracting and identifying latent topics in large text corpora has gained
increasing importance in Natural Language Processing (NLP). Most models,
whether probabilistic models similar to Latent Dirichlet Allocation (LDA) or
neural topic models, follow the same underlying approach of topic
interpretability and topic extraction. We propose a method that incorporates a
deeper understanding of both sentence and document themes, and goes beyond
simply analyzing word frequencies in the data. This allows our model to detect
latent topics that may include uncommon words or neologisms, as well as words
not present in the documents themselves. Additionally, we propose several new
evaluation metrics based on intruder words and similarity measures in the
semantic space. We present correlation coefficients with human identification
of intruder words and achieve near-human level results at the word-intrusion
task. We demonstrate the competitive performance of our method with a large
benchmark study, and achieve superior results compared to state-of-the-art
topic modeling and document clustering models. | cs.CL | Topics in the Haystack: Extracting and Evaluating Topics beyond Coherence |
2023-03-30T12:23:39Z | http://arxiv.org/pdf/2303.17322v1 | http://arxiv.org/abs/2303.17322v1 | Carlos-Emiliano González-Gallardo, Emanuela Boros, Nancy Girdhar, Ahmed Hamdi, Jose G. Moreno, Antoine Doucet | 2023-03-30T12:23:39Z | cs.DL, cs.CL, cs.IR | Large language models (LLMs) have been leveraged for several years now,
obtaining state-of-the-art performance in recognizing entities from modern
documents. For the last few months, the conversational agent ChatGPT has
"prompted" a lot of interest in the scientific community and public due to its
capacity of generating plausible-sounding answers. In this paper, we explore
this ability by probing it in the named entity recognition and classification
(NERC) task in primary sources (e.g., historical newspapers and classical
commentaries) in a zero-shot manner and by comparing it with state-of-the-art
LM-based systems. Our findings indicate several shortcomings in identifying
entities in historical text that range from the consistency of entity
annotation guidelines, entity complexity, and code-switching, to the
specificity of prompting. Moreover, as expected, the inaccessibility of
historical archives to the public (and thus on the Internet) also impacts its
performance. | cs.DL | Yes but.. Can ChatGPT Identify Entities in Historical Documents? |
2023-03-30T10:32:18Z | http://arxiv.org/pdf/2303.17276v1 | http://arxiv.org/abs/2303.17276v1 | Philipp Koralus, Vincent Wang-Maścianica | 2023-03-30T10:32:18Z | cs.AI, cs.CL, cs.HC, cs.LG, 00, 68, I.2.0; I.2.6 | Increase in computational scale and fine-tuning has seen a dramatic
improvement in the quality of outputs of large language models (LLMs) like GPT.
Given that both GPT-3 and GPT-4 were trained on large quantities of
human-generated text, we might ask to what extent their outputs reflect
patterns of human thinking, both for correct and incorrect cases. The Erotetic
Theory of Reason (ETR) provides a symbolic generative model of both human
success and failure in thinking, across propositional, quantified, and
probabilistic reasoning, as well as decision-making. We presented GPT-3,
GPT-3.5, and GPT-4 with 61 central inference and judgment problems from a
recent book-length presentation of ETR, consisting of experimentally verified
data-points on human judgment and extrapolated data-points predicted by ETR,
with correct inference patterns as well as fallacies and framing effects (the
ETR61 benchmark). ETR61 includes classics like Wason's card task, illusory
inferences, the decoy effect, and opportunity-cost neglect, among others. GPT-3
showed evidence of ETR-predicted outputs for 59% of these examples, rising to
77% in GPT-3.5 and 75% in GPT-4. Remarkably, the production of human-like
fallacious judgments increased from 18% in GPT-3 to 33% in GPT-3.5 and 34% in
GPT-4. This suggests that larger and more advanced LLMs may develop a tendency
toward more human-like mistakes, as relevant thought patterns are inherent in
human-produced training data. According to ETR, the same fundamental patterns
are involved both in successful and unsuccessful ordinary reasoning, so that
the "bad" cases could paradoxically be learned from the "good" cases. We
further present preliminary evidence that ETR-inspired prompt engineering could
reduce instances of these mistakes. | cs.AI | Humans in Humans Out: On GPT Converging Toward Common Sense in both Success and Failure |
2023-03-30T06:42:22Z | http://arxiv.org/pdf/2303.17183v1 | http://arxiv.org/abs/2303.17183v1 | Joey Öhman, Severine Verlinden, Ariel Ekgren, Amaru Cuba Gyllensten, Tim Isbister, Evangelia Gogoulou, Fredrik Carlsson, Magnus Sahlgren | 2023-03-30T06:42:22Z | cs.CL, cs.AI | Pre-training Large Language Models (LLMs) require massive amounts of text
data, and the performance of the LLMs typically correlates with the scale and
quality of the datasets. This means that it may be challenging to build LLMs
for smaller languages such as Nordic ones, where the availability of text
corpora is limited. In order to facilitate the development of the LLMS in the
Nordic languages, we curate a high-quality dataset consisting of 1.2TB of text,
in all of the major North Germanic languages (Danish, Icelandic, Norwegian, and
Swedish), as well as some high-quality English data. This paper details our
considerations and processes for collecting, cleaning, and filtering the
dataset. | cs.CL | The Nordic Pile: A 1.2TB Nordic Dataset for Language Modeling |
2023-03-30T06:10:00Z | http://arxiv.org/pdf/2304.03287v1 | http://arxiv.org/abs/2304.03287v1 | Ganesh Prasath, Shirish Karande | 2023-03-30T06:10:00Z | cs.AI, cs.CL, cs.LG | Several decision problems that are encountered in various business domains
can be modeled as mathematical programs, i.e. optimization problems. The
process of conducting such modeling often requires the involvement of experts
trained in operations research and advanced algorithms. Surprisingly, despite
the significant advances in the methods for program and code synthesis, AutoML,
learning to optimize etc., there has been little or no attention paid to
automating the task of synthesizing mathematical programs. We imagine a
scenario where the specifications for modeling, i.e. the objective and
constraints are expressed in an unstructured form in natural language (NL) and
the mathematical program has to be synthesized from such an NL specification.
In this work we evaluate the efficacy of employing CodeT5 with data
augmentation and post-processing of beams. We utilize GPT-3 with back
translation for generation of synthetic examples. Further we apply rules of
linear programming to score beams and correct beams based on common error
patterns. We observe that with these enhancements CodeT5 base gives an
execution accuracy of 0.73 which is significantly better than zero-shot
execution accuracy of 0.41 by ChatGPT and 0.36 by Codex. | cs.AI | Synthesis of Mathematical programs from Natural Language Specifications |
2023-03-30T05:44:44Z | http://arxiv.org/pdf/2303.17161v1 | http://arxiv.org/abs/2303.17161v1 | Sid Wang, Akshat Shrivastava, Sasha Livshits | 2023-03-30T05:44:44Z | cs.CL, cs.AI, I.2.7 | Autoregressive (AR) encoder-decoder neural networks have proved successful in
many NLP problems, including Semantic Parsing -- a task that translates natural
language to machine-readable parse trees. However, the sequential prediction
process of AR models can be slow. To accelerate AR for semantic parsing, we
introduce a new technique called TreePiece that tokenizes a parse tree into
subtrees and generates one subtree per decoding step. On TopV2 benchmark,
TreePiece shows 4.6 times faster decoding speed than standard AR, and
comparable speed but significantly higher accuracy compared to
Non-Autoregressive (NAR). | cs.CL | TreePiece: Faster Semantic Parsing via Tree Tokenization |
2023-03-30T05:29:13Z | http://arxiv.org/pdf/2304.06034v1 | http://arxiv.org/abs/2304.06034v1 | Ranjita Naik, Besmira Nushi | 2023-03-30T05:29:13Z | cs.CY, cs.AI, cs.CL, cs.CV | Text-to-Image (T2I) generation is enabling new applications that support
creators, designers, and general end users of productivity software by
generating illustrative content with high photorealism starting from a given
descriptive text as a prompt. Such models are however trained on massive
amounts of web data, which surfaces the peril of potential harmful biases that
may leak in the generation process itself. In this paper, we take a
multi-dimensional approach to studying and quantifying common social biases as
reflected in the generated images, by focusing on how occupations, personality
traits, and everyday situations are depicted across representations of
(perceived) gender, age, race, and geographical location. Through an extensive
set of both automated and human evaluation experiments we present findings for
two popular T2I models: DALLE-v2 and Stable Diffusion. Our results reveal that
there exist severe occupational biases of neutral prompts majorly excluding
groups of people from results for both models. Such biases can get mitigated by
increasing the amount of specification in the prompt itself, although the
prompting mitigation will not address discrepancies in image quality or other
usages of the model or its representations in other scenarios. Further, we
observe personality traits being associated with only a limited set of people
at the intersection of race, gender, and age. Finally, an analysis of
geographical location representations on everyday situations (e.g., park, food,
weddings) shows that for most situations, images generated through default
location-neutral prompts are closer and more similar to images generated for
locations of United States and Germany. | cs.CY | Social Biases through the Text-to-Image Generation Lens |
2023-03-30T03:10:28Z | http://arxiv.org/pdf/2303.17119v1 | http://arxiv.org/abs/2303.17119v1 | Hao An, Dongsheng Chen, Weiyuan Xu, Zhihong Zhu, Yuexian Zou | 2023-03-30T03:10:28Z | cs.CL | Dialogue-based Relation Extraction (DRE) aims to predict the relation type of
argument pairs that are mentioned in dialogue. The latest trigger-enhanced
methods propose trigger prediction tasks to promote DRE. However, these methods
are not able to fully leverage the trigger information and even bring noise to
relation extraction. To solve these problems, we propose TLAG, which fully
leverages the trigger and label-aware knowledge to guide the relation
extraction. First, we design an adaptive trigger fusion module to fully
leverage the trigger information. Then, we introduce label-aware knowledge to
further promote our model's performance. Experimental results on the DialogRE
dataset show that our TLAG outperforms the baseline models, and detailed
analyses demonstrate the effectiveness of our approach. | cs.CL | TLAG: An Informative Trigger and Label-Aware Knowledge Guided Model for Dialogue-based Relation Extraction |
2023-03-30T01:37:19Z | http://arxiv.org/pdf/2303.17612v3 | http://arxiv.org/abs/2303.17612v3 | Daniel Campos, Alexandre Marques, Mark Kurtz, ChengXiang Zhai | 2023-06-06T16:30:09Z | cs.CL, cs.AI, cs.LG | In this paper, we introduce the range of oBERTa language models, an
easy-to-use set of language models which allows Natural Language Processing
(NLP) practitioners to obtain between 3.8 and 24.3 times faster models without
expertise in model compression. Specifically, oBERTa extends existing work on
pruning, knowledge distillation, and quantization and leverages frozen
embeddings improves distillation and model initialization to deliver higher
accuracy on a broad range of transfer tasks. In generating oBERTa, we explore
how the highly optimized RoBERTa differs from the BERT for pruning during
pre-training and finetuning. We find it less amenable to compression during
fine-tuning. We explore the use of oBERTa on seven representative NLP tasks and
find that the improved compression techniques allow a pruned oBERTa model to
match the performance of BERTbase and exceed the performance of Prune OFA Large
on the SQUAD V1.1 Question Answering dataset, despite being 8x and 2x,
respectively faster in inference. We release our code, training regimes, and
associated model for broad usage to encourage usage and experimentation | cs.CL | oBERTa: Improving Sparse Transfer Learning via improved initialization, distillation, and pruning regimes |
2023-03-30T00:42:07Z | http://arxiv.org/pdf/2304.01003v1 | http://arxiv.org/abs/2304.01003v1 | Stefano Campese, Ivano Lauriola, Alessandro Moschitti | 2023-03-30T00:42:07Z | cs.CL, cs.LG | An effective paradigm for building Automated Question Answering systems is
the re-use of previously answered questions, e.g., for FAQs or forum
applications. Given a database (DB) of question/answer (q/a) pairs, it is
possible to answer a target question by scanning the DB for similar questions.
In this paper, we scale this approach to open domain, making it competitive
with other standard methods, e.g., unstructured document or graph based. For
this purpose, we (i) build a large scale DB of 6.3M q/a pairs, using public
questions, (ii) design a new system based on neural IR and a q/a pair reranker,
and (iii) construct training and test data to perform comparative experiments
with our models. We demonstrate that Transformer-based models using (q,a) pairs
outperform models only based on question representation, for both neural search
and reranking. Additionally, we show that our DB-based approach is competitive
with Web-based methods, i.e., a QA system built on top the BING search engine,
demonstrating the challenge of finding relevant information. Finally, we make
our data and models available for future research. | cs.CL | QUADRo: Dataset and Models for QUestion-Answer Database Retrieval |
2023-03-30T00:30:19Z | http://arxiv.org/pdf/2303.17071v1 | http://arxiv.org/abs/2303.17071v1 | Varun Nair, Elliot Schumacher, Geoffrey Tso, Anitha Kannan | 2023-03-30T00:30:19Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) have emerged as valuable tools for many natural
language understanding tasks. In safety-critical applications such as
healthcare, the utility of these models is governed by their ability to
generate outputs that are factually accurate and complete. In this work, we
present dialog-enabled resolving agents (DERA). DERA is a paradigm made
possible by the increased conversational abilities of LLMs, namely GPT-4. It
provides a simple, interpretable forum for models to communicate feedback and
iteratively improve output. We frame our dialog as a discussion between two
agent types - a Researcher, who processes information and identifies crucial
problem components, and a Decider, who has the autonomy to integrate the
Researcher's information and makes judgments on the final output.
We test DERA against three clinically-focused tasks. For medical conversation
summarization and care plan generation, DERA shows significant improvement over
the base GPT-4 performance in both human expert preference evaluations and
quantitative metrics. In a new finding, we also show that GPT-4's performance
(70%) on an open-ended version of the MedQA question-answering (QA) dataset
(Jin et al. 2021, USMLE) is well above the passing level (60%), with DERA
showing similar performance. We release the open-ended MEDQA dataset at
https://github.com/curai/curai-research/tree/main/DERA. | cs.CL | DERA: Enhancing Large Language Model Completions with Dialog-Enabled Resolving Agents |
2023-03-29T20:21:45Z | http://arxiv.org/pdf/2303.17006v1 | http://arxiv.org/abs/2303.17006v1 | Saranya Venkatraman, He He, David Reitter | 2023-03-29T20:21:45Z | cs.CL | Humans tend to follow the Uniform Information Density (UID) principle by
distributing information evenly in utterances. We study if decoding algorithms
implicitly follow this UID principle, and under what conditions adherence to
UID might be desirable for dialogue generation. We generate responses using
different decoding algorithms with GPT-2 on the Persona-Chat dataset and
collect human judgments on their quality using Amazon Mechanical Turk. We find
that (i) surprisingly, model-generated responses follow the UID principle to a
greater extent than human responses, and (ii) decoding algorithms that promote
UID do not generate higher-quality responses. Instead, when we control for
surprisal, non-uniformity of information density correlates with the quality of
responses with very low/high surprisal. Our findings indicate that encouraging
non-uniform responses is a potential solution to the ``likelihood trap''
problem (quality degradation in very high-likelihood text). Our dataset
containing multiple candidate responses per dialog history along with
human-annotated quality ratings is available at
https://huggingface.co/datasets/saranya132/dialog_uid_gpt2. | cs.CL | How do decoding algorithms distribute information in dialogue responses? |
2023-03-29T20:10:13Z | http://arxiv.org/pdf/2303.17003v1 | http://arxiv.org/abs/2303.17003v1 | Desnes Nunes, Ricardo Primi, Ramon Pires, Roberto Lotufo, Rodrigo Nogueira | 2023-03-29T20:10:13Z | cs.CL, cs.AI, cs.LG | The present study aims to explore the capabilities of Language Models (LMs)
in tackling high-stakes multiple-choice tests, represented here by the Exame
Nacional do Ensino M\'edio (ENEM), a multidisciplinary entrance examination
widely adopted by Brazilian universities. This exam poses challenging tasks for
LMs, since its questions may span into multiple fields of knowledge, requiring
understanding of information from diverse domains. For instance, a question may
require comprehension of both statistics and biology to be solved. This work
analyzed responses generated by GPT-3.5 and GPT-4 models for questions
presented in the 2009-2017 exams, as well as for questions of the 2022 exam,
which were made public after the training of the models was completed.
Furthermore, different prompt strategies were tested, including the use of
Chain-of-Thought (CoT) prompts to generate explanations for answers. On the
2022 edition, the best-performing model, GPT-4 with CoT, achieved an accuracy
of 87%, largely surpassing GPT-3.5 by 11 points. The code and data used on
experiments are available at https://github.com/piresramon/gpt-4-enem. | cs.CL | Evaluating GPT-3.5 and GPT-4 Models on Brazilian University Admission Exams |
2023-03-29T19:43:26Z | http://arxiv.org/pdf/2303.16992v2 | http://arxiv.org/abs/2303.16992v2 | Adir Rahamim, Yonatan Belinkov | 2023-05-30T09:47:33Z | cs.CL | Recent work has compared neural network representations via similarity-based
analyses to improve model interpretation. The quality of a similarity measure
is typically evaluated by its success in assigning a high score to
representations that are expected to be matched. However, existing similarity
measures perform mediocrely on standard benchmarks. In this work, we develop a
new similarity measure, dubbed ContraSim, based on contrastive learning. In
contrast to common closed-form similarity measures, ContraSim learns a
parameterized measure by using both similar and dissimilar examples. We perform
an extensive experimental evaluation of our method, with both language and
vision models, on the standard layer prediction benchmark and two new
benchmarks that we introduce: the multilingual benchmark and the image-caption
benchmark. In all cases, ContraSim achieves much higher accuracy than previous
similarity measures, even when presented with challenging examples. Finally,
ContraSim is more suitable for the analysis of neural networks, revealing new
insights not captured by previous measures. | cs.CL | ContraSim -- A Similarity Measure Based on Contrastive Learning |
2023-03-29T19:25:43Z | http://arxiv.org/pdf/2303.16985v1 | http://arxiv.org/abs/2303.16985v1 | Colin Leong, Herumb Shandilya, Bonaventure F. P. Dossou, Atnafu Lambebo Tonja, Joel Mathew, Abdul-Hakeem Omotayo, Oreen Yousuf, Zainab Akinjobi, Chris Chinenye Emezue, Shamsudeen Muhammad, Steven Kolawole, Younwoo Choi, Tosin Adewumi | 2023-03-29T19:25:43Z | cs.CL, cs.AI | Many natural language processing (NLP) tasks make use of massively
pre-trained language models, which are computationally expensive. However,
access to high computational resources added to the issue of data scarcity of
African languages constitutes a real barrier to research experiments on these
languages. In this work, we explore the applicability of low-compute approaches
such as language adapters in the context of this low-resource double-bind. We
intend to answer the following question: do language adapters allow those who
are doubly bound by data and compute to practically build useful models?
Through fine-tuning experiments on African languages, we evaluate their
effectiveness as cost-effective approaches to low-resource African NLP. Using
solely free compute resources, our results show that language adapters achieve
comparable performances to massive pre-trained language models which are heavy
on computational resources. This opens the door to further experimentation and
exploration on full-extent of language adapters capacities. | cs.CL | Adapting to the Low-Resource Double-Bind: Investigating Low-Compute Methods on Low-Resource African Languages |
2023-03-29T19:16:19Z | http://arxiv.org/pdf/2303.16974v1 | http://arxiv.org/abs/2303.16974v1 | Mitchell DeHaven, Stephen Scott | 2023-03-29T19:16:19Z | cs.CL | Automatic fact verification has become an increasingly popular topic in
recent years and among datasets the Fact Extraction and VERification (FEVER)
dataset is one of the most popular. In this work we present BEVERS, a tuned
baseline system for the FEVER dataset. Our pipeline uses standard approaches
for document retrieval, sentence selection, and final claim classification,
however, we spend considerable effort ensuring optimal performance for each
component. The results are that BEVERS achieves the highest FEVER score and
label accuracy among all systems, published or unpublished. We also apply this
pipeline to another fact verification dataset, Scifact, and achieve the highest
label accuracy among all systems on that dataset as well. We also make our full
code available. | cs.CL | BEVERS: A General, Simple, and Performant Framework for Automatic Fact Verification |
2023-03-29T17:59:10Z | http://arxiv.org/pdf/2303.16894v4 | http://arxiv.org/abs/2303.16894v4 | Zoey Guo, Yiwen Tang, Ray Zhang, Dong Wang, Zhigang Wang, Bin Zhao, Xuelong Li | 2023-12-05T05:34:18Z | cs.CV, cs.AI, cs.CL | Understanding 3D scenes from multi-view inputs has been proven to alleviate
the view discrepancy issue in 3D visual grounding. However, existing methods
normally neglect the view cues embedded in the text modality and fail to weigh
the relative importance of different views. In this paper, we propose
ViewRefer, a multi-view framework for 3D visual grounding exploring how to
grasp the view knowledge from both text and 3D modalities. For the text branch,
ViewRefer leverages the diverse linguistic knowledge of large-scale language
models, e.g., GPT, to expand a single grounding text to multiple
geometry-consistent descriptions. Meanwhile, in the 3D modality, a transformer
fusion module with inter-view attention is introduced to boost the interaction
of objects across views. On top of that, we further present a set of learnable
multi-view prototypes, which memorize scene-agnostic knowledge for different
views, and enhance the framework from two perspectives: a view-guided attention
module for more robust text features, and a view-guided scoring strategy during
the final prediction. With our designed paradigm, ViewRefer achieves superior
performance on three benchmarks and surpasses the second-best by +2.8%, +1.5%,
and +1.35% on Sr3D, Nr3D, and ScanRefer. Code is released at
https://github.com/Ivan-Tang-3D/ViewRefer3D. | cs.CV | ViewRefer: Grasp the Multi-view Knowledge for 3D Visual Grounding with GPT and Prototype Guidance |
2023-03-29T17:55:50Z | http://arxiv.org/pdf/2303.16886v1 | http://arxiv.org/abs/2303.16886v1 | Yuhang Jiang, Ramakanth Kavuluru | 2023-03-29T17:55:50Z | cs.CL | Combination drug therapies are treatment regimens that involve two or more
drugs, administered more commonly for patients with cancer, HIV, malaria, or
tuberculosis. Currently there are over 350K articles in PubMed that use the
"combination drug therapy" MeSH heading with at least 10K articles published
per year over the past two decades. Extracting combination therapies from
scientific literature inherently constitutes an $n$-ary relation extraction
problem. Unlike in the general $n$-ary setting where $n$ is fixed (e.g.,
drug-gene-mutation relations where $n=3$), extracting combination therapies is
a special setting where $n \geq 2$ is dynamic, depending on each instance.
Recently, Tiktinsky et al. (NAACL 2022) introduced a first of its kind dataset,
CombDrugExt, for extracting such therapies from literature. Here, we use a
sequence-to-sequence style end-to-end extraction method to achieve an F1-Score
of $66.7\%$ on the CombDrugExt test set for positive (or effective)
combinations. This is an absolute $\approx 5\%$ F1-score improvement even over
the prior best relation classification score with spotted drug entities (hence,
not end-to-end). Thus our effort introduces a state-of-the-art first model for
end-to-end extraction that is already superior to the best prior non end-to-end
model for this task. Our model seamlessly extracts all drug entities and
relations in a single pass and is highly suitable for dynamic $n$-ary
extraction scenarios. | cs.CL | End-to-End $n$-ary Relation Extraction for Combination Drug Therapies |
2023-03-29T17:07:26Z | http://arxiv.org/pdf/2303.16857v3 | http://arxiv.org/abs/2303.16857v3 | Elias Stengel-Eskin, Benjamin Van Durme | 2023-10-20T12:54:30Z | cs.CL | We illustrate how a calibrated model can help balance common trade-offs in
task-oriented parsing. In a simulated annotator-in-the-loop experiment, we show
that well-calibrated confidence scores allow us to balance cost with annotator
load, improving accuracy with a small number of interactions. We then examine
how confidence scores can help optimize the trade-off between usability and
safety. We show that confidence-based thresholding can substantially reduce the
number of incorrect low-confidence programs executed; however, this comes at a
cost to usability. We propose the DidYouMean system which better balances
usability and safety. | cs.CL | Did You Mean...? Confidence-based Trade-offs in Semantic Parsing |
2023-03-29T17:03:21Z | http://arxiv.org/pdf/2303.16854v2 | http://arxiv.org/abs/2303.16854v2 | Xingwei He, Zhenghao Lin, Yeyun Gong, A-Long Jin, Hang Zhang, Chen Lin, Jian Jiao, Siu Ming Yiu, Nan Duan, Weizhu Chen | 2024-04-05T15:19:19Z | cs.CL | Many natural language processing (NLP) tasks rely on labeled data to train
machine learning models with high performance. However, data annotation is
time-consuming and expensive, especially when the task involves a large amount
of data or requires specialized domains. Recently, GPT-3.5 series models have
demonstrated remarkable few-shot and zero-shot ability across various NLP
tasks. In this paper, we first claim that large language models (LLMs), such as
GPT-3.5, can serve as an excellent crowdsourced annotator when provided with
sufficient guidance and demonstrated examples. Accordingly, we propose AnnoLLM,
an annotation system powered by LLMs, which adopts a two-step approach,
explain-then-annotate. Concretely, we first prompt LLMs to provide explanations
for why the specific ground truth answer/label was assigned for a given
example. Then, we construct the few-shot chain-of-thought prompt with the
self-generated explanation and employ it to annotate the unlabeled data with
LLMs. Our experiment results on three tasks, including user input and keyword
relevance assessment, BoolQ, and WiC, demonstrate that AnnoLLM surpasses or
performs on par with crowdsourced annotators. Furthermore, we build the first
conversation-based information retrieval dataset employing AnnoLLM. This
dataset is designed to facilitate the development of retrieval models capable
of retrieving pertinent documents for conversational text. Human evaluation has
validated the dataset's high quality. | cs.CL | AnnoLLM: Making Large Language Models to Be Better Crowdsourced Annotators |
2023-03-29T16:42:30Z | http://arxiv.org/pdf/2303.16839v3 | http://arxiv.org/abs/2303.16839v3 | Weicheng Kuo, AJ Piergiovanni, Dahun Kim, Xiyang Luo, Ben Caine, Wei Li, Abhijit Ogale, Luowei Zhou, Andrew Dai, Zhifeng Chen, Claire Cui, Anelia Angelova | 2023-08-09T05:39:34Z | cs.CV, cs.CL, cs.LG | The development of language models have moved from encoder-decoder to
decoder-only designs. In addition, we observe that the two most popular
multimodal tasks, the generative and contrastive tasks, are nontrivial to
accommodate in one architecture, and further need adaptations for downstream
tasks. We propose a novel paradigm of training with a decoder-only model for
multimodal tasks, which is surprisingly effective in jointly learning of these
disparate vision-language tasks. This is done with a simple model, called
MaMMUT. It consists of a single vision encoder and a text decoder, and is able
to accommodate contrastive and generative learning by a novel two-pass approach
on the text decoder. We demonstrate that joint learning of these diverse
objectives is simple, effective, and maximizes the weight-sharing of the model
across these tasks. Furthermore, the same architecture enables straightforward
extensions to open-vocabulary object detection and video-language tasks. The
model tackles a diverse range of tasks, while being modest in capacity. Our
model achieves the state of the art on image-text and text-image retrieval,
video question answering and open-vocabulary detection tasks, outperforming
much larger and more extensively trained foundational models. It shows very
competitive results on VQA and Video Captioning, especially considering its
capacity. Ablations confirm the flexibility and advantages of our approach. | cs.CV | MaMMUT: A Simple Architecture for Joint Learning for MultiModal Tasks |
2023-03-29T16:28:43Z | http://arxiv.org/pdf/2303.16835v1 | http://arxiv.org/abs/2303.16835v1 | Salomon Kabongo, Jennifer D'Souza, Sören Auer | 2023-03-29T16:28:43Z | cs.CL, cs.AI, cs.LG | We present a large-scale empirical investigation of the zero-shot learning
phenomena in a specific recognizing textual entailment (RTE) task category,
i.e. the automated mining of leaderboards for Empirical AI Research. The prior
reported state-of-the-art models for leaderboards extraction formulated as an
RTE task, in a non-zero-shot setting, are promising with above 90% reported
performances. However, a central research question remains unexamined: did the
models actually learn entailment? Thus, for the experiments in this paper, two
prior reported state-of-the-art models are tested out-of-the-box for their
ability to generalize or their capacity for entailment, given leaderboard
labels that were unseen during training. We hypothesize that if the models
learned entailment, their zero-shot performances can be expected to be
moderately high as well--perhaps, concretely, better than chance. As a result
of this work, a zero-shot labeled dataset is created via distant labeling
formulating the leaderboard extraction RTE task. | cs.CL | Zero-shot Entailment of Leaderboards for Empirical AI Research |
2023-03-29T14:49:29Z | http://arxiv.org/pdf/2303.16742v1 | http://arxiv.org/abs/2303.16742v1 | Emiel van Miltenburg | 2023-03-29T14:49:29Z | cs.CL | This year the International Conference on Natural Language Generation (INLG)
will feature an award for the paper with the best evaluation. The purpose of
this award is to provide an incentive for NLG researchers to pay more attention
to the way they assess the output of their systems. This essay provides a short
introduction to evaluation in NLG, explaining key terms and distinctions. | cs.CL | Evaluating NLG systems: A brief introduction |
2023-03-29T14:25:30Z | http://arxiv.org/pdf/2303.16726v1 | http://arxiv.org/abs/2303.16726v1 | Léane Jourdan, Florian Boudin, Richard Dufour, Nicolas Hernandez | 2023-03-29T14:25:30Z | cs.CL | Writing a scientific article is a challenging task as it is a highly codified
genre. Good writing skills are essential to properly convey ideas and results
of research work. Since the majority of scientific articles are currently
written in English, this exercise is all the more difficult for non-native
English speakers as they additionally have to face language issues. This
article aims to provide an overview of text revision in writing assistance in
the scientific domain.
We will examine the specificities of scientific writing, including the format
and conventions commonly used in research articles.
Additionally, this overview will explore the various types of writing
assistance tools available for text revision. Despite the evolution of the
technology behind these tools through the years, from rule-based approaches to
deep neural-based ones, challenges still exist (tools' accessibility, limited
consideration of the context, inexplicit use of discursive information, etc.) | cs.CL | Text revision in Scientific Writing Assistance: An Overview |
2023-03-29T13:46:07Z | http://arxiv.org/pdf/2303.16694v1 | http://arxiv.org/abs/2303.16694v1 | Tristan J. B. Cann, Ben Dennes, Travis Coan, Saffron O'Neill, Hywel T. P. Williams | 2023-03-29T13:46:07Z | cs.SI, cs.CL | Online discourse covers a wide range of topics and many actors tailor their
content to impact online discussions through carefully crafted messages and
targeted campaigns. Yet the scale and diversity of online media content make it
difficult to evaluate the impact of a particular message. In this paper, we
present a new technique that leverages semantic similarity to quantify the
change in the discussion after a particular message has been published. We use
a set of press releases from environmental organisations and tweets from the
climate change debate to show that our novel approach reveals a heavy-tailed
distribution of response in online discourse to strategic communications. | cs.SI | Using Semantic Similarity and Text Embedding to Measure the Social Media Echo of Strategic Communications |
2023-03-29T13:05:17Z | http://arxiv.org/pdf/2303.16657v1 | http://arxiv.org/abs/2303.16657v1 | Dhaval Taunk, Vasudeva Varma | 2023-03-29T13:05:17Z | cs.CL | With the advent of multilingual models like mBART, mT5, IndicBART etc.,
summarization in low resource Indian languages is getting a lot of attention
now a days. But still the number of datasets is low in number. In this work, we
(Team HakunaMatata) study how these multilingual models perform on the datasets
which have Indian languages as source and target text while performing
summarization. We experimented with IndicBART and mT5 models to perform the
experiments and report the ROUGE-1, ROUGE-2, ROUGE-3 and ROUGE-4 scores as a
performance metric. | cs.CL | Summarizing Indian Languages using Multilingual Transformers based Models |
2023-03-29T12:46:54Z | http://arxiv.org/pdf/2303.16634v3 | http://arxiv.org/abs/2303.16634v3 | Yang Liu, Dan Iter, Yichong Xu, Shuohang Wang, Ruochen Xu, Chenguang Zhu | 2023-05-23T22:12:16Z | cs.CL, cs.AI | The quality of texts generated by natural language generation (NLG) systems
is hard to measure automatically. Conventional reference-based metrics, such as
BLEU and ROUGE, have been shown to have relatively low correlation with human
judgments, especially for tasks that require creativity and diversity. Recent
studies suggest using large language models (LLMs) as reference-free metrics
for NLG evaluation, which have the benefit of being applicable to new tasks
that lack human references. However, these LLM-based evaluators still have
lower human correspondence than medium-size neural evaluators. In this work, we
present G-Eval, a framework of using large language models with
chain-of-thoughts (CoT) and a form-filling paradigm, to assess the quality of
NLG outputs. We experiment with two generation tasks, text summarization and
dialogue generation. We show that G-Eval with GPT-4 as the backbone model
achieves a Spearman correlation of 0.514 with human on summarization task,
outperforming all previous methods by a large margin. We also propose
preliminary analysis on the behavior of LLM-based evaluators, and highlight the
potential issue of LLM-based evaluators having a bias towards the LLM-generated
texts. The code is at https://github.com/nlpyang/geval | cs.CL | G-Eval: NLG Evaluation using GPT-4 with Better Human Alignment |
2023-03-29T12:22:17Z | http://arxiv.org/pdf/2303.16621v2 | http://arxiv.org/abs/2303.16621v2 | Mahmoud Salhab, Haidar Harmanani | 2024-05-05T12:38:04Z | cs.CL, cs.AI | Spoken keyword spotting (KWS) is the task of identifying a keyword in an
audio stream and is widely used in smart devices at the edge in order to
activate voice assistants and perform hands-free tasks. The task is daunting as
there is a need, on the one hand, to achieve high accuracy while at the same
time ensuring that such systems continue to run efficiently on low power and
possibly limited computational capabilities devices. This work presents AraSpot
for Arabic keyword spotting trained on 40 Arabic keywords, using different
online data augmentation, and introducing ConformerGRU model architecture.
Finally, we further improve the performance of the model by training a
text-to-speech model for synthetic data generation. AraSpot achieved a
State-of-the-Art SOTA 99.59% result outperforming previous approaches. | cs.CL | AraSpot: Arabic Spoken Command Spotting |
2023-03-29T12:19:23Z | http://arxiv.org/pdf/2303.16618v3 | http://arxiv.org/abs/2303.16618v3 | Sebastian Vincent, Alice Dowek, Rowanne Sumner, Charlotte Blundell, Emily Preston, Chris Bayliss, Chris Oakley, Carolina Scarton | 2024-03-05T08:51:30Z | cs.CL, cs.AI, cs.LG | Sensitising language models (LMs) to external context helps them to more
effectively capture the speaking patterns of individuals with specific
characteristics or in particular environments. This work investigates to what
extent rich character and film annotations can be leveraged to personalise LMs
in a scalable manner. We then explore the use of such models in evaluating
context specificity in machine translation. We build LMs which leverage rich
contextual information to reduce perplexity by up to 6.5% compared to a
non-contextual model, and generalise well to a scenario with no
speaker-specific data, relying on combinations of demographic characteristics
expressed via metadata. Our findings are consistent across two corpora, one of
which (Cornell-rich) is also a contribution of this paper. We then use our
personalised LMs to measure the co-occurrence of extra-textual context and
translation hypotheses in a machine translation setting. Our results suggest
that the degree to which professional translations in our domain are
context-specific can be preserved to a better extent by a contextual machine
translation model than a non-contextual model, which is also reflected in the
contextual model's superior reference-based scores. | cs.CL | Reference-less Analysis of Context Specificity in Translation with Personalised Language Models |
2023-03-29T10:00:43Z | http://arxiv.org/pdf/2305.06148v1 | http://arxiv.org/abs/2305.06148v1 | Narayanan Arvind | 2023-03-29T10:00:43Z | cs.CL, cs.LG | In the shipping industry, document classification plays a crucial role in
ensuring that the necessary documents are properly identified and processed for
customs clearance. OCR technology is being used to automate the process of
document classification, which involves identifying important documents such as
Commercial Invoices, Packing Lists, Export/Import Customs Declarations, Bills
of Lading, Sea Waybills, Certificates, Air or Rail Waybills, Arrival Notices,
Certificate of Origin, Importer Security Filings, and Letters of Credit. By
using OCR technology, the shipping industry can improve accuracy and efficiency
in document classification and streamline the customs clearance process. The
aim of this study is to build a robust document classification system based on
keyword frequencies. The research is carried out by analyzing Contract-Breach
law documents available with IN-D. The documents were collected by scraping the
Singapore Government Judiciary website. The database developed has 250
Contract-Breach documents. These documents are splitted to generate 200
training documents and 50 test documents. A semi-automatic approach is used to
select keyword vectors for document classification. The accuracy of the
reported model is 92.00 %. | cs.CL | A semi-automatic method for document classification in the shipping industry |
2023-03-29T08:59:44Z | http://arxiv.org/pdf/2303.16537v2 | http://arxiv.org/abs/2303.16537v2 | Zichen Chen, Ambuj K Singh, Misha Sra | 2023-08-03T23:23:43Z | cs.CL | Large language models (LLMs) such as GPT-4 are very powerful and can process
different kinds of natural language processing (NLP) tasks. However, it can be
difficult to interpret the results due to the multi-layer nonlinear model
structure and millions of parameters. A lack of clarity and understanding of
how the language models (LMs) work can make them unreliable, difficult to
trust, and potentially dangerous for use in real-world scenarios. Most recent
works exploit attention weights to provide explanations for LM predictions.
However, pure attention-based explanations are unable to support the growing
complexity of LMs, and cannot reason about their decision-making processes. We
propose LMExplainer, a knowledge-enhanced explainer for LMs that can provide
human-understandable explanations. We use a knowledge graph (KG) and a graph
attention neural network to extract the key decision signals of the LM. We
further explore whether interpretation can also help the AI understand the task
better. Our experimental results show that LMExplainer outperforms existing
LM+KG methods on CommonsenseQA and OpenBookQA. We compare the explanation
results with generated explanation methods and human-annotated results. The
comparison shows our method can provide more comprehensive and clearer
explanations. LMExplainer demonstrates the potential to enhance model
performance and furnish explanations for the LM reasoning process in natural
language. | cs.CL | LMExplainer: a Knowledge-Enhanced Explainer for Language Models |
2023-03-29T08:34:01Z | http://arxiv.org/pdf/2303.16528v1 | http://arxiv.org/abs/2303.16528v1 | Lukas König, Sebastian Neumaier | 2023-03-29T08:34:01Z | cs.CL, cs.AI, cs.CR | Distributed ledger systems have become more prominent and successful in
recent years, with a focus on blockchains and cryptocurrency. This has led to
various misunderstandings about both the technology itself and its
capabilities, as in many cases blockchain and cryptocurrency is used
synonymously and other applications are often overlooked. Therefore, as a
whole, the view of distributed ledger technology beyond blockchains and
cryptocurrencies is very limited. Existing vocabularies and ontologies often
focus on single aspects of the technology, or in some cases even just on one
product. This potentially leads to other types of distributed ledgers and their
possible use cases being neglected. In this paper, we present a knowledge graph
and an ontology for distributed ledger technologies, which includes security
considerations to model aspects such as threats and vulnerabilities,
application domains, as well as relevant standards and regulations. Such a
knowledge graph improves the overall understanding of distributed ledgers,
reveals their strengths, and supports the work of security personnel, i.e.
analysts and system architects. We discuss potential uses and follow semantic
web best practices to evaluate and publish the ontology and knowledge graph. | cs.CL | Building a Knowledge Graph of Distributed Ledger Technologies |
2023-03-29T04:00:53Z | http://arxiv.org/pdf/2303.16445v3 | http://arxiv.org/abs/2303.16445v3 | Namrata Shivagunde, Vladislav Lialin, Anna Rumshisky | 2023-11-14T17:24:28Z | cs.CL | Language model probing is often used to test specific capabilities of models.
However, conclusions from such studies may be limited when the probing
benchmarks are small and lack statistical power. In this work, we introduce
new, larger datasets for negation (NEG-1500-SIMP) and role reversal (ROLE-1500)
inspired by psycholinguistic studies. We dramatically extend existing NEG-136
and ROLE-88 benchmarks using GPT3, increasing their size from 18 and 44
sentence pairs to 750 each. We also create another version of extended negation
dataset (NEG-1500-SIMP-TEMP), created using template-based generation. It
consists of 770 sentence pairs. We evaluate 22 models on the extended datasets,
seeing model performance dip 20-57% compared to the original smaller
benchmarks. We observe high levels of negation sensitivity in models like BERT
and ALBERT demonstrating that previous findings might have been skewed due to
smaller test sets. Finally, we observe that while GPT3 has generated all the
examples in ROLE-1500 is only able to solve 24.6% of them during probing. The
datasets and code are available on
$\href{https://github.com/text-machine-lab/extending_psycholinguistic_dataset}{Github}$. | cs.CL | Larger Probes Tell a Different Story: Extending Psycholinguistic Datasets Via In-Context Learning |
2023-03-29T04:00:47Z | http://arxiv.org/pdf/2303.17579v2 | http://arxiv.org/abs/2303.17579v2 | Jaehwan Jeong, Katherine Tian, Andrew Li, Sina Hartung, Fardad Behzadi, Juan Calle, David Osayande, Michael Pohlen, Subathra Adithan, Pranav Rajpurkar | 2023-05-02T21:03:40Z | cs.CL, cs.AI, cs.CV | Automated generation of clinically accurate radiology reports can improve
patient care. Previous report generation methods that rely on image captioning
models often generate incoherent and incorrect text due to their lack of
relevant domain knowledge, while retrieval-based attempts frequently retrieve
reports that are irrelevant to the input image. In this work, we propose
Contrastive X-Ray REport Match (X-REM), a novel retrieval-based radiology
report generation module that uses an image-text matching score to measure the
similarity of a chest X-ray image and radiology report for report retrieval. We
observe that computing the image-text matching score with a language-image
model can effectively capture the fine-grained interaction between image and
text that is often lost when using cosine similarity. X-REM outperforms
multiple prior radiology report generation modules in terms of both natural
language and clinical metrics. Human evaluation of the generated reports
suggests that X-REM increased the number of zero-error reports and decreased
the average error severity compared to the baseline retrieval approach. Our
code is available at: https://github.com/rajpurkarlab/X-REM | cs.CL | Multimodal Image-Text Matching Improves Retrieval-based Chest X-Ray Report Generation |
2023-03-29T03:30:38Z | http://arxiv.org/pdf/2303.16434v1 | http://arxiv.org/abs/2303.16434v1 | Yaobo Liang, Chenfei Wu, Ting Song, Wenshan Wu, Yan Xia, Yu Liu, Yang Ou, Shuai Lu, Lei Ji, Shaoguang Mao, Yun Wang, Linjun Shou, Ming Gong, Nan Duan | 2023-03-29T03:30:38Z | cs.AI, cs.CL | Artificial Intelligence (AI) has made incredible progress recently. On the
one hand, advanced foundation models like ChatGPT can offer powerful
conversation, in-context learning and code generation abilities on a broad
range of open-domain tasks. They can also generate high-level solution outlines
for domain-specific tasks based on the common sense knowledge they have
acquired. However, they still face difficulties with some specialized tasks
because they lack enough domain-specific data during pre-training or they often
have errors in their neural network computations on those tasks that need
accurate executions. On the other hand, there are also many existing models and
systems (symbolic-based or neural-based) that can do some domain-specific tasks
very well. However, due to the different implementation or working mechanisms,
they are not easily accessible or compatible with foundation models. Therefore,
there is a clear and pressing need for a mechanism that can leverage foundation
models to propose task solution outlines and then automatically match some of
the sub-tasks in the outlines to the off-the-shelf models and systems with
special functionalities to complete them. Inspired by this, we introduce
TaskMatrix.AI as a new AI ecosystem that connects foundation models with
millions of APIs for task completion. Unlike most previous work that aimed to
improve a single AI model, TaskMatrix.AI focuses more on using existing
foundation models (as a brain-like central system) and APIs of other AI models
and systems (as sub-task solvers) to achieve diversified tasks in both digital
and physical domains. As a position paper, we will present our vision of how to
build such an ecosystem, explain each key component, and use study cases to
illustrate both the feasibility of this vision and the main challenges we need
to address next. | cs.AI | TaskMatrix.AI: Completing Tasks by Connecting Foundation Models with Millions of APIs |
2023-03-29T03:05:43Z | http://arxiv.org/pdf/2303.16421v3 | http://arxiv.org/abs/2303.16421v3 | Ning Bian, Xianpei Han, Le Sun, Hongyu Lin, Yaojie Lu, Ben He, Shanshan Jiang, Bin Dong | 2024-04-19T04:57:37Z | cs.CL | Large language models (LLMs) have made significant progress in NLP. However,
their ability to memorize, represent, and leverage commonsense knowledge has
been a well-known pain point. In this paper, we specifically focus on ChatGPT,
a widely used and easily accessible LLM, and ask the following questions: (1)
Can ChatGPT effectively answer commonsense questions? (2) Is ChatGPT aware of
the underlying commonsense knowledge for answering a specific question? (3) Is
ChatGPT knowledgeable in commonsense? (4) Can ChatGPT effectively leverage
commonsense for answering questions? We conduct a series of experiments on 11
datasets to evaluate ChatGPT's commonsense abilities, including answering
commonsense questions, identifying necessary knowledge, generating knowledge
descriptions, and using knowledge descriptions to answer questions again.
Experimental results show that: (1) ChatGPT can achieve good QA accuracies in
commonsense tasks, while still struggling with certain domains of datasets. (2)
ChatGPT is knowledgeable, and can accurately generate most of the commonsense
knowledge using knowledge prompts. (3) Despite its knowledge, ChatGPT is an
inexperienced commonsense problem solver, which cannot precisely identify the
needed commonsense for answering a specific question. These findings raise the
need to explore improved mechanisms for effectively incorporating commonsense
into LLMs like ChatGPT, such as better instruction following and commonsense
guidance. | cs.CL | ChatGPT is a Knowledgeable but Inexperienced Solver: An Investigation of Commonsense Problem in Large Language Models |
2023-03-29T02:46:18Z | http://arxiv.org/pdf/2303.16416v3 | http://arxiv.org/abs/2303.16416v3 | Yan Hu, Qingyu Chen, Jingcheng Du, Xueqing Peng, Vipina Kuttichi Keloth, Xu Zuo, Yujia Zhou, Zehan Li, Xiaoqian Jiang, Zhiyong Lu, Kirk Roberts, Hua Xu | 2024-01-25T04:02:23Z | cs.CL | Objective: This study quantifies the capabilities of GPT-3.5 and GPT-4 for
clinical named entity recognition (NER) tasks and proposes task-specific
prompts to improve their performance. Materials and Methods: We evaluated these
models on two clinical NER tasks: (1) to extract medical problems, treatments,
and tests from clinical notes in the MTSamples corpus, following the 2010 i2b2
concept extraction shared task, and (2) identifying nervous system
disorder-related adverse events from safety reports in the vaccine adverse
event reporting system (VAERS). To improve the GPT models' performance, we
developed a clinical task-specific prompt framework that includes (1) baseline
prompts with task description and format specification, (2) annotation
guideline-based prompts, (3) error analysis-based instructions, and (4)
annotated samples for few-shot learning. We assessed each prompt's
effectiveness and compared the models to BioClinicalBERT. Results: Using
baseline prompts, GPT-3.5 and GPT-4 achieved relaxed F1 scores of 0.634, 0.804
for MTSamples, and 0.301, 0.593 for VAERS. Additional prompt components
consistently improved model performance. When all four components were used,
GPT-3.5 and GPT-4 achieved relaxed F1 socres of 0.794, 0.861 for MTSamples and
0.676, 0.736 for VAERS, demonstrating the effectiveness of our prompt
framework. Although these results trail BioClinicalBERT (F1 of 0.901 for the
MTSamples dataset and 0.802 for the VAERS), it is very promising considering
few training samples are needed. Conclusion: While direct application of GPT
models to clinical NER tasks falls short of optimal performance, our
task-specific prompt framework, incorporating medical knowledge and training
samples, significantly enhances GPT models' feasibility for potential clinical
applications. | cs.CL | Improving Large Language Models for Clinical Named Entity Recognition via Prompt Engineering |
2023-03-29T02:33:54Z | http://arxiv.org/pdf/2303.16406v1 | http://arxiv.org/abs/2303.16406v1 | Abhay Zala, Jaemin Cho, Satwik Kottur, Xilun Chen, Barlas Oğuz, Yasher Mehdad, Mohit Bansal | 2023-03-29T02:33:54Z | cs.CV, cs.AI, cs.CL, cs.LG | There is growing interest in searching for information from large video
corpora. Prior works have studied relevant tasks, such as text-based video
retrieval, moment retrieval, video summarization, and video captioning in
isolation, without an end-to-end setup that can jointly search from video
corpora and generate summaries. Such an end-to-end setup would allow for many
interesting applications, e.g., a text-based search that finds a relevant video
from a video corpus, extracts the most relevant moment from that video, and
segments the moment into important steps with captions. To address this, we
present the HiREST (HIerarchical REtrieval and STep-captioning) dataset and
propose a new benchmark that covers hierarchical information retrieval and
visual/textual stepwise summarization from an instructional video corpus.
HiREST consists of 3.4K text-video pairs from an instructional video dataset,
where 1.1K videos have annotations of moment spans relevant to text query and
breakdown of each moment into key instruction steps with caption and timestamps
(totaling 8.6K step captions). Our hierarchical benchmark consists of video
retrieval, moment retrieval, and two novel moment segmentation and step
captioning tasks. In moment segmentation, models break down a video moment into
instruction steps and identify start-end boundaries. In step captioning, models
generate a textual summary for each step. We also present starting point
task-specific and end-to-end joint baseline models for our new benchmark. While
the baseline models show some promising results, there still exists large room
for future improvement by the community. Project website:
https://hirest-cvpr2023.github.io | cs.CV | Hierarchical Video-Moment Retrieval and Step-Captioning |
2023-03-28T23:16:00Z | http://arxiv.org/pdf/2303.16352v1 | http://arxiv.org/abs/2303.16352v1 | Heather Desaire, Aleesa E. Chua, Madeline Isom, Romana Jarosova, David Hua | 2023-03-28T23:16:00Z | cs.LG, cs.CL | ChatGPT has enabled access to AI-generated writing for the masses, and within
just a few months, this product has disrupted the knowledge economy, initiating
a culture shift in the way people work, learn, and write. The need to
discriminate human writing from AI is now both critical and urgent,
particularly in domains like higher education and academic writing, where AI
had not been a significant threat or contributor to authorship. Addressing this
need, we developed a method for discriminating text generated by ChatGPT from
(human) academic scientists, relying on prevalent and accessible supervised
classification methods. We focused on how a particular group of humans,
academic scientists, write differently than ChatGPT, and this targeted approach
led to the discovery of new features for discriminating (these) humans from AI;
as examples, scientists write long paragraphs and have a penchant for equivocal
language, frequently using words like but, however, and although. With a set of
20 features, including the aforementioned ones and others, we built a model
that assigned the author, as human or AI, at well over 99% accuracy, resulting
in 20 times fewer misclassified documents compared to the field-leading
approach. This strategy for discriminating a particular set of humans writing
from AI could be further adapted and developed by others with basic skills in
supervised classification, enabling access to many highly accurate and targeted
models for detecting AI usage in academic writing and beyond. | cs.LG | ChatGPT or academic scientist? Distinguishing authorship with over 99% accuracy using off-the-shelf machine learning tools |
2023-03-28T22:45:40Z | http://arxiv.org/pdf/2303.16342v2 | http://arxiv.org/abs/2303.16342v2 | Reuben Tan, Arijit Ray, Andrea Burns, Bryan A. Plummer, Justin Salamon, Oriol Nieto, Bryan Russell, Kate Saenko | 2023-09-23T15:05:33Z | cs.CV, cs.AI, cs.CL | We propose a self-supervised approach for learning to perform audio source
separation in videos based on natural language queries, using only unlabeled
video and audio pairs as training data. A key challenge in this task is
learning to associate the linguistic description of a sound-emitting object to
its visual features and the corresponding components of the audio waveform, all
without access to annotations during training. To overcome this challenge, we
adapt off-the-shelf vision-language foundation models to provide pseudo-target
supervision via two novel loss functions and encourage a stronger alignment
between the audio, visual and natural language modalities. During inference,
our approach can separate sounds given text, video and audio input, or given
text and audio input alone. We demonstrate the effectiveness of our
self-supervised approach on three audio-visual separation datasets, including
MUSIC, SOLOS and AudioSet, where we outperform state-of-the-art strongly
supervised approaches despite not using object detectors or text labels during
training. | cs.CV | Language-Guided Audio-Visual Source Separation via Trimodal Consistency |
2023-03-28T19:49:58Z | http://arxiv.org/pdf/2303.16281v3 | http://arxiv.org/abs/2303.16281v3 | Queenie Luo, Michael J. Puett, Michael D. Smith | 2024-03-08T00:15:02Z | cs.CY, cs.AI, cs.CL, cs.LG, cs.SI | Contrary to Google Search's mission of delivering information from "many
angles so you can form your own understanding of the world," we find that
Google and its most prominent returned results - Wikipedia and YouTube - simply
reflect a narrow set of culturally dominant views tied to the search language
for complex topics like "Buddhism," "Liberalism," "colonization," "Iran" and
"America." Simply stated, they present, to varying degrees, distinct
information across the same search in different languages, a phenomenon we call
language bias. This paper presents evidence and analysis of language bias and
discusses its larger social implications. We find that our online searches and
emerging tools like ChatGPT turn us into the proverbial blind person touching a
small portion of an elephant, ignorant of the existence of other cultural
perspectives. Language bias sets a strong yet invisible cultural barrier
online, where each language group thinks they can see other groups through
searches, but in fact, what they see is their own reflection. | cs.CY | A "Perspectival" Mirror of the Elephant: Investigating Language Bias on Google, ChatGPT, YouTube, and Wikipedia |
2023-03-28T19:38:57Z | http://arxiv.org/pdf/2303.16275v1 | http://arxiv.org/abs/2303.16275v1 | Vivek Kulkarni, Vipul Raheja | 2023-03-28T19:38:57Z | cs.CL, cs.HC, I.2.7; K.4.2; H.5.0 | Intelligent writing assistants powered by large language models (LLMs) are
more popular today than ever before, but their further widespread adoption is
precluded by sub-optimal performance. In this position paper, we argue that a
major reason for this sub-optimal performance and adoption is a singular focus
on the information content of language while ignoring its social aspects. We
analyze the different dimensions of these social factors in the context of
writing assistants and propose their incorporation into building smarter, more
effective, and truly personalized writing assistants that would enrich the user
experience and contribute to increased user adoption. | cs.CL | Writing Assistants Should Model Social Factors of Language |
2023-03-28T19:06:27Z | http://arxiv.org/pdf/2303.16256v1 | http://arxiv.org/abs/2303.16256v1 | Jan Idziak, Artjoms Šeļa, Michał Woźniak, Albert Leśniak, Joanna Byszuk, Maciej Eder | 2023-03-28T19:06:27Z | cs.CL, cs.CV | The paper discusses an approach to decipher large collections of handwritten
index cards of historical dictionaries. Our study provides a working solution
that reads the cards, and links their lemmas to a searchable list of dictionary
entries, for a large historical dictionary entitled the Dictionary of the 17th-
and 18th-century Polish, which comprizes 2.8 million index cards. We apply a
tailored handwritten text recognition (HTR) solution that involves (1) an
optimized detection model; (2) a recognition model to decipher the handwritten
content, designed as a spatial transformer network (STN) followed by
convolutional neural network (RCNN) with a connectionist temporal
classification layer (CTC), trained using a synthetic set of 500,000 generated
Polish words of different length; (3) a post-processing step using constrained
Word Beam Search (WBC): the predictions were matched against a list of
dictionary entries known in advance. Our model achieved the accuracy of 0.881
on the word level, which outperforms the base RCNN model. Within this study we
produced a set of 20,000 manually annotated index cards that can be used for
future benchmarks and transfer learning HTR applications. | cs.CL | Scalable handwritten text recognition system for lexicographic sources of under-resourced languages and alphabets |
2023-03-28T18:56:31Z | http://arxiv.org/pdf/2303.16252v1 | http://arxiv.org/abs/2303.16252v1 | Adib Mosharrof, M. H. Maqbool, A. B. Siddique | 2023-03-28T18:56:31Z | cs.CL, cs.LG | Task-oriented dialog systems empower users to accomplish their goals by
facilitating intuitive and expressive natural language interactions.
State-of-the-art approaches in task-oriented dialog systems formulate the
problem as a conditional sequence generation task and fine-tune pre-trained
causal language models in the supervised setting. This requires labeled
training data for each new domain or task, and acquiring such data is
prohibitively laborious and expensive, thus making it a bottleneck for scaling
systems to a wide range of domains. To overcome this challenge, we introduce a
novel Zero-Shot generalizable end-to-end Task-oriented Dialog system, ZS-ToD,
that leverages domain schemas to allow for robust generalization to unseen
domains and exploits effective summarization of the dialog history. We employ
GPT-2 as a backbone model and introduce a two-step training process where the
goal of the first step is to learn the general structure of the dialog data and
the second step optimizes the response generation as well as intermediate
outputs, such as dialog state and system actions. As opposed to
state-of-the-art systems that are trained to fulfill certain intents in the
given domains and memorize task-specific conversational patterns, ZS-ToD learns
generic task-completion skills by comprehending domain semantics via domain
schemas and generalizing to unseen domains seamlessly. We conduct an extensive
experimental evaluation on SGD and SGD-X datasets that span up to 20 unique
domains and ZS-ToD outperforms state-of-the-art systems on key metrics, with an
improvement of +17% on joint goal accuracy and +5 on inform. Additionally, we
present a detailed ablation study to demonstrate the effectiveness of the
proposed components and training mechanism | cs.CL | Zero-Shot Generalizable End-to-End Task-Oriented Dialog System using Context Summarization and Domain Schema |
2023-03-28T17:59:12Z | http://arxiv.org/pdf/2303.16199v2 | http://arxiv.org/abs/2303.16199v2 | Renrui Zhang, Jiaming Han, Chris Liu, Peng Gao, Aojun Zhou, Xiangfei Hu, Shilin Yan, Pan Lu, Hongsheng Li, Yu Qiao | 2023-06-14T17:31:32Z | cs.CV, cs.AI, cs.CL, cs.LG, cs.MM | We present LLaMA-Adapter, a lightweight adaption method to efficiently
fine-tune LLaMA into an instruction-following model. Using 52K self-instruct
demonstrations, LLaMA-Adapter only introduces 1.2M learnable parameters upon
the frozen LLaMA 7B model, and costs less than one hour for fine-tuning on 8
A100 GPUs. Specifically, we adopt a set of learnable adaption prompts, and
prepend them to the word tokens at higher transformer layers. Then, a
zero-initialized attention mechanism with zero gating is proposed, which
adaptively injects the new instructional cues into LLaMA, while effectively
preserves its pre-trained knowledge. With our efficient training, LLaMA-Adapter
can generate high-quality responses, comparable to Alpaca with fully fine-tuned
7B parameters. Besides language commands, our approach can be simply extended
to multi-modal instructions for learning image-conditioned LLaMA model, which
achieves superior reasoning performance on ScienceQA and COCO Caption
benchmarks. Furthermore, we also evaluate the zero-initialized attention
mechanism for fine-tuning other pre-trained models (ViT, RoBERTa) on
traditional vision and language tasks, demonstrating the superior
generalization capacity of our approach. Code is released at
https://github.com/OpenGVLab/LLaMA-Adapter. | cs.CV | LLaMA-Adapter: Efficient Fine-tuning of Language Models with Zero-init Attention |
2023-03-28T17:34:59Z | http://arxiv.org/pdf/2303.16173v1 | http://arxiv.org/abs/2303.16173v1 | Emily Allaway, Nina Taneja, Sarah-Jane Leslie, Maarten Sap | 2023-03-28T17:34:59Z | cs.CL | Essentialist beliefs (i.e., believing that members of the same group are
fundamentally alike) play a central role in social stereotypes and can lead to
harm when left unchallenged. In our work, we conduct exploratory studies into
the task of countering essentialist beliefs (e.g., ``liberals are stupid'').
Drawing on prior work from psychology and NLP, we construct five types of
counterstatements and conduct human studies on the effectiveness of these
different strategies. Our studies also investigate the role in choosing a
counterstatement of the level of explicitness with which an essentialist belief
is conveyed. We find that statements that broaden the scope of a stereotype
(e.g., to other groups, as in ``conservatives can also be stupid'') are the
most popular countering strategy. We conclude with a discussion of challenges
and open questions for future work in this area (e.g., improving factuality,
studying community-specific variation) and we emphasize the importance of work
at the intersection of NLP and psychology. | cs.CL | Towards Countering Essentialism through Social Bias Reasoning |
2023-03-28T17:28:52Z | http://arxiv.org/pdf/2303.16166v4 | http://arxiv.org/abs/2303.16166v4 | Sara Papi, Marco Gaido, Andrea Pilzer, Matteo Negri | 2023-08-15T21:53:56Z | cs.CL, cs.AI | Despite its crucial role in research experiments, code correctness is often
presumed only on the basis of the perceived quality of results. This assumption
comes with the risk of erroneous outcomes and potentially misleading findings.
To address this issue, we posit that the current focus on reproducibility
should go hand in hand with the emphasis on software quality. We present a case
study in which we identify and fix three bugs in widely used implementations of
the state-of-the-art Conformer architecture. Through experiments on speech
recognition and translation in various languages, we demonstrate that the
presence of bugs does not prevent the achievement of good and reproducible
results, which however can lead to incorrect conclusions that potentially
misguide future research. As a countermeasure, we propose a Code-quality
Checklist and release pangoliNN, a library dedicated to testing neural models,
with the goal of promoting coding best practices and improving research
software quality within the NLP community. | cs.CL | When Good and Reproducible Results are a Giant with Feet of Clay: The Importance of Software Quality in NLP |
2023-03-28T17:04:15Z | http://arxiv.org/pdf/2303.16755v3 | http://arxiv.org/abs/2303.16755v3 | Jérémy Scheurer, Jon Ander Campos, Tomasz Korbak, Jun Shern Chan, Angelica Chen, Kyunghyun Cho, Ethan Perez | 2024-02-22T22:29:10Z | cs.CL, cs.AI, cs.LG | Pretrained language models often generate outputs that are not in line with
human preferences, such as harmful text or factually incorrect summaries.
Recent work approaches the above issues by learning from a simple form of human
feedback: comparisons between pairs of model-generated outputs. However,
comparison feedback only conveys limited information about human preferences.
In this paper, we introduce Imitation learning from Language Feedback (ILF), a
new approach that utilizes more informative language feedback. ILF consists of
three steps that are applied iteratively: first, conditioning the language
model on the input, an initial LM output, and feedback to generate refinements.
Second, selecting the refinement incorporating the most feedback. Third,
finetuning the language model to maximize the likelihood of the chosen
refinement given the input. We show theoretically that ILF can be viewed as
Bayesian Inference, similar to Reinforcement Learning from human feedback. We
evaluate ILF's effectiveness on a carefully-controlled toy task and a realistic
summarization task. Our experiments demonstrate that large language models
accurately incorporate feedback and that finetuning with ILF scales well with
the dataset size, even outperforming finetuning on human summaries. Learning
from both language and comparison feedback outperforms learning from each
alone, achieving human-level summarization performance. | cs.CL | Training Language Models with Language Feedback at Scale |
2023-03-28T16:57:12Z | http://arxiv.org/pdf/2303.16133v2 | http://arxiv.org/abs/2303.16133v2 | Adyasha Maharana, Amita Kamath, Christopher Clark, Mohit Bansal, Aniruddha Kembhavi | 2024-02-21T22:53:33Z | cs.CV, cs.AI, cs.CL, cs.LG | As general purpose vision models get increasingly effective at a wide set of
tasks, it is imperative that they be consistent across the tasks they support.
Inconsistent AI models are considered brittle and untrustworthy by human users
and are more challenging to incorporate into larger systems that take
dependencies on their outputs. Measuring consistency between very heterogeneous
tasks that might include outputs in different modalities is challenging since
it is difficult to determine if the predictions are consistent with one
another. As a solution, we introduce a benchmark dataset, CocoCon, where we
create contrast sets by modifying test instances for multiple tasks in small
but semantically meaningful ways to change the gold label and outline metrics
for measuring if a model is consistent by ranking the original and perturbed
instances across tasks. We find that state-of-the-art vision-language models
suffer from a surprisingly high degree of inconsistent behavior across tasks,
especially for more heterogeneous tasks. To alleviate this issue, we propose a
rank correlation-based auxiliary training objective, computed over large
automatically created cross-task contrast sets, that improves the multi-task
consistency of large unified models while retaining their original accuracy on
downstream tasks. | cs.CV | Exposing and Addressing Cross-Task Inconsistency in Unified Vision-Language Models |
2023-03-28T16:17:59Z | http://arxiv.org/pdf/2303.16104v1 | http://arxiv.org/abs/2303.16104v1 | Nuno M. Guerreiro, Duarte Alves, Jonas Waldendorf, Barry Haddow, Alexandra Birch, Pierre Colombo, André F. T. Martins | 2023-03-28T16:17:59Z | cs.CL | Large-scale multilingual machine translation systems have demonstrated
remarkable ability to translate directly between numerous languages, making
them increasingly appealing for real-world applications. However, when deployed
in the wild, these models may generate hallucinated translations which have the
potential to severely undermine user trust and raise safety concerns. Existing
research on hallucinations has primarily focused on small bilingual models
trained on high-resource languages, leaving a gap in our understanding of
hallucinations in massively multilingual models across diverse translation
scenarios. In this work, we fill this gap by conducting a comprehensive
analysis on both the M2M family of conventional neural machine translation
models and ChatGPT, a general-purpose large language model~(LLM) that can be
prompted for translation. Our investigation covers a broad spectrum of
conditions, spanning over 100 translation directions across various resource
levels and going beyond English-centric language pairs. We provide key insights
regarding the prevalence, properties, and mitigation of hallucinations, paving
the way towards more responsible and reliable machine translation systems. | cs.CL | Hallucinations in Large Multilingual Translation Models |
2023-03-28T16:15:31Z | http://arxiv.org/pdf/2303.16749v2 | http://arxiv.org/abs/2303.16749v2 | Angelica Chen, Jérémy Scheurer, Tomasz Korbak, Jon Ander Campos, Jun Shern Chan, Samuel R. Bowman, Kyunghyun Cho, Ethan Perez | 2024-02-22T22:30:31Z | cs.SE, cs.AI, cs.CL, cs.LG | The potential for pre-trained large language models (LLMs) to use natural
language feedback at inference time has been an exciting recent development. We
build upon this observation by formalizing an algorithm for learning from
natural language feedback at training time instead, which we call Imitation
learning from Language Feedback (ILF). ILF requires only a small amount of
human-written feedback during training and does not require the same feedback
at test time, making it both user-friendly and sample-efficient. We further
show that ILF can be seen as a form of minimizing the KL divergence to the
ground truth distribution and demonstrate a proof-of-concept on a neural
program synthesis task. We use ILF to improve a Codegen-Mono 6.1B model's
pass@1 rate by 38% relative (and 10% absolute) on the Mostly Basic Python
Problems (MBPP) benchmark, outperforming both fine-tuning on MBPP and
fine-tuning on repaired programs written by humans. Overall, our results
suggest that learning from human-written natural language feedback is both more
effective and sample-efficient than training exclusively on demonstrations for
improving an LLM's performance on code generation tasks. | cs.SE | Improving Code Generation by Training with Natural Language Feedback |
2023-03-28T16:09:40Z | http://arxiv.org/pdf/2303.16098v1 | http://arxiv.org/abs/2303.16098v1 | Maria Clara Ramos Morales Crespo, Maria Lina de Souza Jeannine Rocha, Mariana Lourenço Sturzeneker, Felipe Ribas Serras, Guilherme Lamartine de Mello, Aline Silva Costa, Mayara Feliciano Palma, Renata Morais Mesquita, Raquel de Paula Guets, Mariana Marques da Silva, Marcelo Finger, Maria Clara Paixão de Sousa, Cristiane Namiuti, Vanessa Martins do Monte | 2023-03-28T16:09:40Z | cs.CL, cs.AI, 68T50, I.2.7 | This paper presents the first publicly available version of the Carolina
Corpus and discusses its future directions. Carolina is a large open corpus of
Brazilian Portuguese texts under construction using web-as-corpus methodology
enhanced with provenance, typology, versioning, and text integrality. The
corpus aims at being used both as a reliable source for research in Linguistics
and as an important resource for Computer Science research on language models,
contributing towards removing Portuguese from the set of low-resource
languages. Here we present the construction of the corpus methodology,
comparing it with other existing methodologies, as well as the corpus current
state: Carolina's first public version has $653,322,577$ tokens, distributed
over $7$ broad types. Each text is annotated with several different metadata
categories in its header, which we developed using TEI annotation standards. We
also present ongoing derivative works and invite NLP researchers to contribute
with their own. | cs.CL | Carolina: a General Corpus of Contemporary Brazilian Portuguese with Provenance, Typology and Versioning Information |
2023-03-28T14:55:13Z | http://arxiv.org/pdf/2303.16028v1 | http://arxiv.org/abs/2303.16028v1 | Andrew Halterman | 2023-03-28T14:55:13Z | cs.CL | Supervised text models are a valuable tool for political scientists but
present several obstacles to their use, including the expense of hand-labeling
documents, the difficulty of retrieving rare relevant documents for annotation,
and copyright and privacy concerns involved in sharing annotated documents.
This article proposes a partial solution to these three issues, in the form of
controlled generation of synthetic text with large language models. I provide a
conceptual overview of text generation, guidance on when researchers should
prefer different techniques for generating synthetic text, a discussion of
ethics, and a simple technique for improving the quality of synthetic text. I
demonstrate the usefulness of synthetic text with three applications:
generating synthetic tweets describing the fighting in Ukraine, synthetic news
articles describing specified political events for training an event detection
system, and a multilingual corpus of populist manifesto statements for training
a sentence-level populism classifier. | cs.CL | Synthetically generated text for supervised text analysis |
2023-03-28T14:02:42Z | http://arxiv.org/pdf/2303.15987v2 | http://arxiv.org/abs/2303.15987v2 | Mouad Jbel, Imad Hafidi, Abdulmutallib Metrane | 2023-11-06T18:38:55Z | cs.CL | Sentiment analysis, the automated process of determining emotions or opinions
expressed in text, has seen extensive exploration in the field of natural
language processing. However, one aspect that has remained underrepresented is
the sentiment analysis of the Moroccan dialect, which boasts a unique
linguistic landscape and the coexistence of multiple scripts. Previous works in
sentiment analysis primarily targeted dialects employing Arabic script. While
these efforts provided valuable insights, they may not fully capture the
complexity of Moroccan web content, which features a blend of Arabic and Latin
script. As a result, our study emphasizes the importance of extending sentiment
analysis to encompass the entire spectrum of Moroccan linguistic diversity.
Central to our research is the creation of the largest public dataset for
Moroccan dialect sentiment analysis that incorporates not only Moroccan dialect
written in Arabic script but also in Latin letters. By assembling a diverse
range of textual data, we were able to construct a dataset with a range of 20
000 manually labeled text in Moroccan dialect and also publicly available lists
of stop words in Moroccan dialect. To dive into sentiment analysis, we
conducted a comparative study on multiple Machine learning models to assess
their compatibility with our dataset. Experiments were performed using both raw
and preprocessed data to show the importance of the preprocessing step. We were
able to achieve 92% accuracy in our model and to further prove its liability we
tested our model on smaller publicly available datasets of Moroccan dialect and
the results were favorable. | cs.CL | Sentiment Analysis Dataset in Moroccan Dialect: Bridging the Gap Between Arabic and Latin Scripted dialect |
2023-03-28T13:45:39Z | http://arxiv.org/pdf/2303.15973v1 | http://arxiv.org/abs/2303.15973v1 | Suman Adhya, Avishek Lahiri, Debarshi Kumar Sanyal | 2023-03-28T13:45:39Z | cs.CL, cs.LG | Dropout is a widely used regularization trick to resolve the overfitting
issue in large feedforward neural networks trained on a small dataset, which
performs poorly on the held-out test subset. Although the effectiveness of this
regularization trick has been extensively studied for convolutional neural
networks, there is a lack of analysis of it for unsupervised models and in
particular, VAE-based neural topic models. In this paper, we have analyzed the
consequences of dropout in the encoder as well as in the decoder of the VAE
architecture in three widely used neural topic models, namely, contextualized
topic model (CTM), ProdLDA, and embedded topic model (ETM) using four publicly
available datasets. We characterize the dropout effect on these models in terms
of the quality and predictive performance of the generated topics. | cs.CL | Do Neural Topic Models Really Need Dropout? Analysis of the Effect of Dropout in Topic Modeling |
2023-03-28T10:25:17Z | http://arxiv.org/pdf/2303.15870v1 | http://arxiv.org/abs/2303.15870v1 | Chunyuan Yuan, Yiming Qiu, Mingming Li, Haiqing Hu, Songlin Wang, Sulong Xu | 2023-03-28T10:25:17Z | cs.IR, cs.CL | Query intent classification, which aims at assisting customers to find
desired products, has become an essential component of the e-commerce search.
Existing query intent classification models either design more exquisite models
to enhance the representation learning of queries or explore label-graph and
multi-task to facilitate models to learn external information. However, these
models cannot capture multi-granularity matching features from queries and
categories, which makes them hard to mitigate the gap in the expression between
informal queries and categories.
This paper proposes a Multi-granularity Matching Attention Network (MMAN),
which contains three modules: a self-matching module, a char-level matching
module, and a semantic-level matching module to comprehensively extract
features from the query and a query-category interaction matrix. In this way,
the model can eliminate the difference in expression between queries and
categories for query intent classification. We conduct extensive offline and
online A/B experiments, and the results show that the MMAN significantly
outperforms the strong baselines, which shows the superiority and effectiveness
of MMAN. MMAN has been deployed in production and brings great commercial value
for our company. | cs.IR | A Multi-Granularity Matching Attention Network for Query Intent Classification in E-commerce Retrieval |
2023-03-28T09:36:53Z | http://arxiv.org/pdf/2303.15846v1 | http://arxiv.org/abs/2303.15846v1 | Auke Elfrink, Iacopo Vagliano, Ameen Abu-Hanna, Iacer Calixto | 2023-03-28T09:36:53Z | cs.CL, cs.AI, cs.LG, I.2.7 | We investigate different natural language processing (NLP) approaches based
on contextualised word representations for the problem of early prediction of
lung cancer using free-text patient medical notes of Dutch primary care
physicians. Because lung cancer has a low prevalence in primary care, we also
address the problem of classification under highly imbalanced classes.
Specifically, we use large Transformer-based pretrained language models (PLMs)
and investigate: 1) how \textit{soft prompt-tuning} -- an NLP technique used to
adapt PLMs using small amounts of training data -- compares to standard model
fine-tuning; 2) whether simpler static word embedding models (WEMs) can be more
robust compared to PLMs in highly imbalanced settings; and 3) how models fare
when trained on notes from a small number of patients. We find that 1)
soft-prompt tuning is an efficient alternative to standard model fine-tuning;
2) PLMs show better discrimination but worse calibration compared to simpler
static word embedding models as the classification problem becomes more
imbalanced; and 3) results when training models on small number of patients are
mixed and show no clear differences between PLMs and WEMs. All our code is
available open source in
\url{https://bitbucket.org/aumc-kik/prompt_tuning_cancer_prediction/}. | cs.CL | Soft-prompt tuning to predict lung cancer using primary care free-text Dutch medical notes |
2023-03-28T08:56:31Z | http://arxiv.org/pdf/2303.16757v1 | http://arxiv.org/abs/2303.16757v1 | Shaohui Liu, Xien Liu, Ji Wu | 2023-03-28T08:56:31Z | cs.CL, cs.AI | The purpose of write-missing diagnosis detection is to find diseases that
have been clearly diagnosed from medical records but are missed in the
discharge diagnosis. Unlike the definition of missed diagnosis, the
write-missing diagnosis is clearly manifested in the medical record without
further reasoning. The write-missing diagnosis is a common problem, often
caused by physician negligence. The write-missing diagnosis will result in an
incomplete diagnosis of medical records. While under DRG grouping, the
write-missing diagnoses will miss important additional diagnoses (CC, MCC),
thus affecting the correct rate of DRG enrollment.
Under the circumstance that countries generally start to adopt DRG enrollment
and payment, the problem of write-missing diagnosis is a common and serious
problem. The current manual-based method is expensive due to the complex
content of the full medical record. We think this problem is suitable to be
solved as natural language processing. But to the best of our knowledge, no
researchers have conducted research on this problem based on natural language
processing methods.
We propose a framework for solving the problem of write-missing diagnosis,
which mainly includes three modules: disease recall module, disease context
logic judgment module, and disease relationship comparison module. Through this
framework, we verify that the problem of write-missing diagnosis can be solved
well, and the results are interpretable. At the same time, we propose advanced
solutions for the disease context logic judgment module and disease
relationship comparison module, which have obvious advantages compared with the
mainstream methods of the same type of problems. Finally, we verified the value
of our proposed framework under DRG medical insurance payment in a tertiary
hospital. | cs.CL | How can Deep Learning Retrieve the Write-Missing Additional Diagnosis from Chinese Electronic Medical Record For DRG |
2023-03-28T06:08:25Z | http://arxiv.org/pdf/2303.16779v1 | http://arxiv.org/abs/2303.16779v1 | Eric Chu, Jacob Andreas, Stephen Ansolabehere, Deb Roy | 2023-03-28T06:08:25Z | cs.CL, cs.LG | Public opinion reflects and shapes societal behavior, but the traditional
survey-based tools to measure it are limited. We introduce a novel approach to
probe media diet models -- language models adapted to online news, TV
broadcast, or radio show content -- that can emulate the opinions of
subpopulations that have consumed a set of media. To validate this method, we
use as ground truth the opinions expressed in U.S. nationally representative
surveys on COVID-19 and consumer confidence. Our studies indicate that this
approach is (1) predictive of human judgements found in survey response
distributions and robust to phrasing and channels of media exposure, (2) more
accurate at modeling people who follow media more closely, and (3) aligned with
literature on which types of opinions are affected by media consumption.
Probing language models provides a powerful new method for investigating media
effects, has practical applications in supplementing polls and forecasting
public opinion, and suggests a need for further study of the surprising
fidelity with which neural language models can predict human responses. | cs.CL | Language Models Trained on Media Diets Can Predict Public Opinion |
2023-03-28T04:47:43Z | http://arxiv.org/pdf/2303.15727v1 | http://arxiv.org/abs/2303.15727v1 | Bishal Lamichhane | 2023-03-28T04:47:43Z | cs.CL, cs.AI | Large language models (LLM) have been successful in several natural language
understanding tasks and could be relevant for natural language processing
(NLP)-based mental health application research. In this work, we report the
performance of LLM-based ChatGPT (with gpt-3.5-turbo backend) in three
text-based mental health classification tasks: stress detection (2-class
classification), depression detection (2-class classification), and suicidality
detection (5-class classification). We obtained annotated social media posts
for the three classification tasks from public datasets. Then ChatGPT API
classified the social media posts with an input prompt for classification. We
obtained F1 scores of 0.73, 0.86, and 0.37 for stress detection, depression
detection, and suicidality detection, respectively. A baseline model that
always predicted the dominant class resulted in F1 scores of 0.35, 0.60, and
0.19. The zero-shot classification accuracy obtained with ChatGPT indicates a
potential use of language models for mental health classification tasks. | cs.CL | Evaluation of ChatGPT for NLP-based Mental Health Applications |
2023-03-28T03:55:03Z | http://arxiv.org/pdf/2303.15714v4 | http://arxiv.org/abs/2303.15714v4 | Hongyu Zhao, Kangrui Wang, Mo Yu, Hongyuan Mei | 2023-11-07T18:12:20Z | cs.CL, cs.AI, cs.LG | Language models have been shown to perform remarkably well on a wide range of
natural language processing tasks. In this paper, we propose LEAP, a novel
system that uses language models to perform multi-step logical reasoning and
incorporates explicit planning into the inference procedure. Explicit planning
enables the system to make more informed reasoning decisions at each step by
looking ahead into their future effects. Moreover, we propose a training
strategy that safeguards the planning process from being led astray by spurious
features. Our full system significantly outperforms other competing methods on
multiple standard datasets. When using small T5 models as its core selection
and deduction components, our system performs competitively compared to GPT-3
despite having only about 1B parameters (i.e., 175 times smaller than GPT-3).
When using GPT-3.5, it significantly outperforms chain-of-thought prompting on
the challenging PrOntoQA dataset. We have conducted extensive empirical studies
to demonstrate that explicit planning plays a crucial role in the system's
performance. | cs.CL | Explicit Planning Helps Language Models in Logical Reasoning |
2023-03-28T03:31:37Z | http://arxiv.org/pdf/2303.15708v2 | http://arxiv.org/abs/2303.15708v2 | Jinsheng Pan, Weihong Qi, Zichen Wang, Hanjia Lyu, Jiebo Luo | 2023-05-06T03:57:30Z | cs.CL | There is a broad consensus that news media outlets incorporate ideological
biases in their news articles. However, prior studies on measuring the
discrepancies among media outlets and further dissecting the origins of
thematic differences suffer from small sample sizes and limited scope and
granularity. In this study, we use a large dataset of 1.8 million news
headlines from major U.S. media outlets spanning from 2014 to 2022 to
thoroughly track and dissect the fine-grained thematic discrepancy in U.S. news
media. We employ multiple correspondence analysis (MCA) to quantify the
fine-grained thematic discrepancy related to four prominent topics - domestic
politics, economic issues, social issues, and foreign affairs in order to
derive a more holistic analysis. Additionally, we compare the most frequent
$n$-grams in media headlines to provide further qualitative insights into our
analysis. Our findings indicate that on domestic politics and social issues,
the discrepancy can be attributed to a certain degree of media bias. Meanwhile,
the discrepancy in reporting foreign affairs is largely attributed to the
diversity in individual journalistic styles. Finally, U.S. media outlets show
consistency and high similarity in their coverage of economic issues. | cs.CL | Bias or Diversity? Unraveling Fine-Grained Thematic Discrepancy in U.S. News Headlines |
2023-03-28T03:17:59Z | http://arxiv.org/pdf/2303.15705v1 | http://arxiv.org/abs/2303.15705v1 | Chengxi Li, Kai Fan, Jiajun Bu, Boxing Chen, Zhongqiang Huang, Zhi Yu | 2023-03-28T03:17:59Z | cs.CL, cs.SD, eess.AS | Song translation requires both translation of lyrics and alignment of music
notes so that the resulting verse can be sung to the accompanying melody, which
is a challenging problem that has attracted some interests in different aspects
of the translation process. In this paper, we propose Lyrics-Melody Translation
with Adaptive Grouping (LTAG), a holistic solution to automatic song
translation by jointly modeling lyrics translation and lyrics-melody alignment.
It is a novel encoder-decoder framework that can simultaneously translate the
source lyrics and determine the number of aligned notes at each decoding step
through an adaptive note grouping module. To address data scarcity, we
commissioned a small amount of training data annotated specifically for this
task and used large amounts of augmented data through back-translation.
Experiments conducted on an English-Chinese song translation data set show the
effectiveness of our model in both automatic and human evaluation. | cs.CL | Translate the Beauty in Songs: Jointly Learning to Align Melody and Translate Lyrics |
2023-03-28T03:11:28Z | http://arxiv.org/pdf/2304.02468v1 | http://arxiv.org/abs/2304.02468v1 | Oluwatosin Ogundare, Gustavo Quiros Araya | 2023-03-28T03:11:28Z | cs.CL | Interest in Large Language Models (LLMs) has increased drastically since the
emergence of ChatGPT and the outstanding positive societal response to the ease
with which it performs tasks in Natural Language Processing (NLP). The triumph
of ChatGPT, however, is how it seamlessly bridges the divide between language
generation and knowledge models. In some cases, it provides anecdotal evidence
of a framework for replicating human intuition over a knowledge domain. This
paper highlights the prevailing ideas in NLP, including machine translation,
machine summarization, question-answering, and language generation, and
compares the performance of ChatGPT with the major algorithms in each of these
categories using the Spontaneous Quality (SQ) score. A strategy for validating
the arguments and results of ChatGPT is presented summarily as an example of
safe, large-scale adoption of LLMs. | cs.CL | Comparative Analysis of CHATGPT and the evolution of language models |
2023-03-28T03:00:01Z | http://arxiv.org/pdf/2303.15697v1 | http://arxiv.org/abs/2303.15697v1 | Nankai Lin, Junheng He, Zhenghang Tang, Dong Zhou, Aimin Yang | 2023-03-28T03:00:01Z | cs.CL | Recently, more and more research has focused on addressing bias in text
classification models. However, existing research mainly focuses on the
fairness of monolingual text classification models, and research on fairness
for multilingual text classification is still very limited. In this paper, we
focus on the task of multilingual text classification and propose a debiasing
framework for multilingual text classification based on contrastive learning.
Our proposed method does not rely on any external language resources and can be
extended to any other languages. The model contains four modules: multilingual
text representation module, language fusion module, text debiasing module, and
text classification module. The multilingual text representation module uses a
multilingual pre-trained language model to represent the text, the language
fusion module makes the semantic spaces of different languages tend to be
consistent through contrastive learning, and the text debiasing module uses
contrastive learning to make the model unable to identify sensitive attributes'
information. The text classification module completes the basic tasks of
multilingual text classification. In addition, the existing research on the
fairness of multilingual text classification is relatively simple in the
evaluation mode. The evaluation method of fairness is the same as the
monolingual equality difference evaluation method, that is, the evaluation is
performed on a single language. We propose a multi-dimensional fairness
evaluation framework for multilingual text classification, which evaluates the
model's monolingual equality difference, multilingual equality difference,
multilingual equality performance difference, and destructiveness of the
fairness strategy. We hope that our work can provide a more general debiasing
method and a more comprehensive evaluation framework for multilingual text
fairness tasks. | cs.CL | Model and Evaluation: Towards Fairness in Multilingual Text Classification |
2023-03-28T02:31:47Z | http://arxiv.org/pdf/2304.02746v1 | http://arxiv.org/abs/2304.02746v1 | Mukhlis Amien | 2023-03-28T02:31:47Z | cs.CL, 68T50, I.2.7 | This study provides an overview of the history of the development of Natural
Language Processing (NLP) in the context of the Indonesian language, with a
focus on the basic technologies, methods, and practical applications that have
been developed. This review covers developments in basic NLP technologies such
as stemming, part-of-speech tagging, and related methods; practical
applications in cross-language information retrieval systems, information
extraction, and sentiment analysis; and methods and techniques used in
Indonesian language NLP research, such as machine learning, statistics-based
machine translation, and conflict-based approaches. This study also explores
the application of NLP in Indonesian language industry and research and
identifies challenges and opportunities in Indonesian language NLP research and
development. Recommendations for future Indonesian language NLP research and
development include developing more efficient methods and technologies,
expanding NLP applications, increasing sustainability, further research into
the potential of NLP, and promoting interdisciplinary collaboration. It is
hoped that this review will help researchers, practitioners, and the government
to understand the development of Indonesian language NLP and identify
opportunities for further research and development. | cs.CL | Sejarah dan Perkembangan Teknik Natural Language Processing (NLP) Bahasa Indonesia: Tinjauan tentang sejarah, perkembangan teknologi, dan aplikasi NLP dalam bahasa Indonesia |
2023-03-28T02:10:37Z | http://arxiv.org/pdf/2303.15682v1 | http://arxiv.org/abs/2303.15682v1 | Sanxing Chen, Hao Cheng, Xiaodong Liu, Jian Jiao, Yangfeng Ji, Jianfeng Gao | 2023-03-28T02:10:37Z | cs.CL, cs.LG | Learning transferable representation of knowledge graphs (KGs) is challenging
due to the heterogeneous, multi-relational nature of graph structures. Inspired
by Transformer-based pretrained language models' success on learning
transferable representation for texts, we introduce a novel inductive KG
representation model (iHT) for KG completion by large-scale pre-training. iHT
consists of a entity encoder (e.g., BERT) and a neighbor-aware relational
scoring function both parameterized by Transformers. We first pre-train iHT on
a large KG dataset, Wikidata5M. Our approach achieves new state-of-the-art
results on matched evaluations, with a relative improvement of more than 25% in
mean reciprocal rank over previous SOTA models. When further fine-tuned on
smaller KGs with either entity and relational shifts, pre-trained iHT
representations are shown to be transferable, significantly improving the
performance on FB15K-237 and WN18RR. | cs.CL | Pre-training Transformers for Knowledge Graph Completion |
2023-03-28T01:07:38Z | http://arxiv.org/pdf/2303.15662v3 | http://arxiv.org/abs/2303.15662v3 | Pittawat Taveekitworachai, Febri Abdullah, Mury F. Dewantoro, Ruck Thawonmas, Julian Togelius, Jochen Renz | 2024-03-21T01:42:43Z | cs.AI, cs.CL, I.2.7; I.2.8 | This paper presents the first ChatGPT4PCG Competition at the 2023 IEEE
Conference on Games. The objective of this competition is for participants to
create effective prompts for ChatGPT--enabling it to generate Science Birds
levels with high stability and character-like qualities--fully using their
creativity as well as prompt engineering skills. ChatGPT is a conversational
agent developed by OpenAI. Science Birds is selected as the competition
platform because designing an Angry Birds-like level is not a trivial task due
to the in-game gravity; the quality of the levels is determined by their
stability. To lower the entry barrier to the competition, we limit the task to
the generation of capitalized English alphabetical characters. We also allow
only a single prompt to be used for generating all the characters. Here, the
quality of the generated levels is determined by their stability and similarity
to the given characters. A sample prompt is provided to participants for their
reference. An experiment is conducted to determine the effectiveness of several
modified versions of this sample prompt on level stability and similarity by
testing them on several characters. To the best of our knowledge, we believe
that ChatGPT4PCG is the first competition of its kind and hope to inspire
enthusiasm for prompt engineering in procedural content generation. | cs.AI | ChatGPT4PCG Competition: Character-like Level Generation for Science Birds |
2023-03-28T00:42:29Z | http://arxiv.org/pdf/2303.15655v1 | http://arxiv.org/abs/2303.15655v1 | Jin Liu, Jianye Chen, Chongfeng Fan, Fengyu Zhou | 2023-03-28T00:42:29Z | cs.CL | The link prediction task aims to predict missing entities or relations in the
knowledge graph and is essential for the downstream application. Existing
well-known models deal with this task by mainly focusing on representing
knowledge graph triplets in the distance space or semantic space. However, they
can not fully capture the information of head and tail entities, nor even make
good use of hierarchical level information. Thus, in this paper, we propose a
novel knowledge graph embedding model for the link prediction task, namely,
HIE, which models each triplet (\textit{h}, \textit{r}, \textit{t}) into
distance measurement space and semantic measurement space, simultaneously.
Moreover, HIE is introduced into hierarchical-aware space to leverage rich
hierarchical information of entities and relations for better representation
learning. Specifically, we apply distance transformation operation on the head
entity in distance space to obtain the tail entity instead of translation-based
or rotation-based approaches. Experimental results of HIE on four real-world
datasets show that HIE outperforms several existing state-of-the-art knowledge
graph embedding methods on the link prediction task and deals with complex
relations accurately. | cs.CL | Joint embedding in Hierarchical distance and semantic representation learning for link prediction |
2023-03-28T00:06:38Z | http://arxiv.org/pdf/2303.15647v1 | http://arxiv.org/abs/2303.15647v1 | Vladislav Lialin, Vijeta Deshpande, Anna Rumshisky | 2023-03-28T00:06:38Z | cs.CL | This paper presents a systematic overview and comparison of
parameter-efficient fine-tuning methods covering over 40 papers published
between February 2019 and February 2023. These methods aim to resolve the
infeasibility and impracticality of fine-tuning large language models by only
training a small set of parameters. We provide a taxonomy that covers a broad
range of methods and present a detailed method comparison with a specific focus
on real-life efficiency and fine-tuning multibillion-scale language models. | cs.CL | Scaling Down to Scale Up: A Guide to Parameter-Efficient Fine-Tuning |
2023-03-27T22:30:39Z | http://arxiv.org/pdf/2303.15621v2 | http://arxiv.org/abs/2303.15621v2 | Zheheng Luo, Qianqian Xie, Sophia Ananiadou | 2023-04-13T10:59:39Z | cs.CL | The performance of text summarization has been greatly boosted by pre-trained
language models. A main concern of existing methods is that most generated
summaries are not factually inconsistent with their source documents. To
alleviate the problem, many efforts have focused on developing effective
factuality evaluation metrics based on natural language inference, question
answering, and syntactic dependency et al. However, these approaches are
limited by either their high computational complexity or the uncertainty
introduced by multi-component pipelines, resulting in only partial agreement
with human judgement. Most recently, large language models(LLMs) have shown
excellent performance in not only text generation but also language
comprehension. In this paper, we particularly explore ChatGPT's ability to
evaluate factual inconsistency under a zero-shot setting by examining it on
both coarse-grained and fine-grained evaluation tasks including binary
entailment inference, summary ranking, and consistency rating. Experimental
results indicate that ChatGPT generally outperforms previous evaluation metrics
across the three tasks, indicating its great potential for factual
inconsistency evaluation. However, a closer inspection of ChatGPT's output
reveals certain limitations including its preference for more lexically similar
candidates, false reasoning, and inadequate understanding of instructions. | cs.CL | ChatGPT as a Factual Inconsistency Evaluator for Text Summarization |
2023-03-27T22:27:23Z | http://arxiv.org/pdf/2303.15619v1 | http://arxiv.org/abs/2303.15619v1 | Muhammed Shahir Abdurrahman, Hashem Elezabi, Bruce Changlong Xu | 2023-03-27T22:27:23Z | cs.CL, cs.AI | Through exploiting a high level of parallelism enabled by graphics processing
units, transformer architectures have enabled tremendous strides forward in the
field of natural language processing. In a traditional masked language model,
special MASK tokens are used to prompt our model to gather contextual
information from surrounding words to restore originally hidden information. In
this paper, we explore a task-specific masking framework for pre-trained large
language models that enables superior performance on particular downstream
tasks on the datasets in the GLUE benchmark. We develop our own masking
algorithm, Typhoon, based on token input gradients, and compare this with other
standard baselines. We find that Typhoon offers performance competitive with
whole-word masking on the MRPC dataset. Our implementation can be found in a
public Github Repository. | cs.CL | Typhoon: Towards an Effective Task-Specific Masking Strategy for Pre-trained Language Models |
2023-03-27T22:24:05Z | http://arxiv.org/pdf/2303.16777v1 | http://arxiv.org/abs/2303.16777v1 | Gabriel Asher, Phil Bohlman, Karsten Kleyensteuber | 2023-03-27T22:24:05Z | cs.CL, cs.LG, cs.SI | COVID-19 misinformation on social media platforms such as twitter is a threat
to effective pandemic management. Prior works on tweet COVID-19 misinformation
negates the role of semantic features common to twitter such as charged
emotions. Thus, we present a novel COVID-19 misinformation model, which uses
both a tweet emotion encoder and COVID-19 misinformation encoder to predict
whether a tweet contains COVID-19 misinformation. Our emotion encoder was
fine-tuned on a novel annotated dataset and our COVID-19 misinformation encoder
was fine-tuned on a subset of the COVID-HeRA dataset. Experimental results show
superior results using the combination of emotion and misinformation encoders
as opposed to a misinformation classifier alone. Furthermore, extensive result
analysis was conducted, highlighting low quality labels and mismatched label
distributions as key limitations to our study. | cs.CL | Not cool, calm or collected: Using emotional language to detect COVID-19 misinformation |
2023-03-27T21:27:58Z | http://arxiv.org/pdf/2304.02017v10 | http://arxiv.org/abs/2304.02017v10 | Walid Hariri | 2024-04-17T20:50:41Z | cs.CL | Large language models have revolutionized the field of artificial
intelligence and have been used in various applications. Among these models,
ChatGPT (Chat Generative Pre-trained Transformer) has been developed by OpenAI,
it stands out as a powerful tool that has been widely adopted. ChatGPT has been
successfully applied in numerous areas, including chatbots, content generation,
language translation, personalized recommendations, and even medical diagnosis
and treatment. Its success in these applications can be attributed to its
ability to generate human-like responses, understand natural language, and
adapt to different contexts. Its versatility and accuracy make it a powerful
tool for natural language processing (NLP). However, there are also limitations
to ChatGPT, such as its tendency to produce biased responses and its potential
to perpetuate harmful language patterns. This article provides a comprehensive
overview of ChatGPT, its applications, advantages, and limitations.
Additionally, the paper emphasizes the importance of ethical considerations
when using this robust tool in real-world scenarios. Finally, This paper
contributes to ongoing discussions surrounding artificial intelligence and its
impact on vision and NLP domains by providing insights into prompt engineering
techniques. | cs.CL | Unlocking the Potential of ChatGPT: A Comprehensive Exploration of its Applications, Advantages, Limitations, and Future Directions in Natural Language Processing |
2023-03-27T20:33:40Z | http://arxiv.org/pdf/2303.15587v1 | http://arxiv.org/abs/2303.15587v1 | Wenshi Gu | 2023-03-27T20:33:40Z | cs.CL | In the field of Japanese-Chinese translation linguistics, the issue of
correctly translating attributive clauses has persistently proven to be
challenging. Present-day machine translation tools often fail to accurately
translate attributive clauses from Japanese to Chinese. In light of this, this
paper investigates the linguistic problem underlying such difficulties, namely
how does the semantic role of the modified noun affect the selection of
translation patterns for attributive clauses, from a linguistic perspective. To
ad-dress these difficulties, a pre-edit scheme is proposed, which aims to
enhance the accuracy of translation. Furthermore, we propose a novel two-step
prompt strategy, which combines this pre-edit scheme with ChatGPT, currently
the most widely used large language model. This prompt strategy is capable of
optimizing translation input in zero-shot scenarios and has been demonstrated
to improve the average translation accuracy score by over 35%. | cs.CL | Linguistically Informed ChatGPT Prompts to Enhance Japanese-Chinese Machine Translation: A Case Study on Attributive Clauses |
2023-03-27T18:00:01Z | http://arxiv.org/pdf/2304.00008v3 | http://arxiv.org/abs/2304.00008v3 | Giorgio Franceschelli, Mirco Musolesi | 2023-07-09T18:00:02Z | cs.AI, cs.CL, cs.CY | Large Language Models (LLMs) are revolutionizing several areas of Artificial
Intelligence. One of the most remarkable applications is creative writing,
e.g., poetry or storytelling: the generated outputs are often of astonishing
quality. However, a natural question arises: can LLMs be really considered
creative? In this article we firstly analyze the development of LLMs under the
lens of creativity theories, investigating the key open questions and
challenges. In particular, we focus our discussion around the dimensions of
value, novelty and surprise as proposed by Margaret Boden in her work. Then, we
consider different classic perspectives, namely product, process, press and
person. We discuss a set of ``easy'' and ``hard'' problems in machine
creativity, presenting them in relation to LLMs. Finally, we examine the
societal impact of these technologies with a particular focus on the creative
industries, analyzing the opportunities offered by them, the challenges arising
by them and the potential associated risks, from both legal and ethical points
of view. | cs.AI | On the Creativity of Large Language Models |
2023-03-27T17:59:55Z | http://arxiv.org/pdf/2303.15445v3 | http://arxiv.org/abs/2303.15445v3 | Ron Yosef, Yonatan Bitton, Dafna Shahaf | 2023-11-25T22:07:55Z | cs.CL, cs.AI, cs.CV | Figures of speech such as metaphors, similes, and idioms are integral parts
of human communication. They are ubiquitous in many forms of discourse,
allowing people to convey complex, abstract ideas and evoke emotion. As
figurative forms are often conveyed through multiple modalities (e.g., both
text and images), understanding multimodal figurative language is an important
AI challenge, weaving together profound vision, language, commonsense and
cultural knowledge. In this work, we develop the Image Recognition of
Figurative Language (IRFL) dataset. We leverage human annotation and an
automatic pipeline we created to generate a multimodal dataset, and introduce
two novel tasks as a benchmark for multimodal figurative language
understanding. We experimented with state-of-the-art vision and language models
and found that the best (22%) performed substantially worse than humans (97%).
We release our dataset, benchmark, and code, in hopes of driving the
development of models that can better understand figurative language. | cs.CL | IRFL: Image Recognition of Figurative Language |
2023-03-27T17:59:33Z | http://arxiv.org/pdf/2303.15441v1 | http://arxiv.org/abs/2303.15441v1 | Jinqi Luo, Zhaoning Wang, Chen Henry Wu, Dong Huang, Fernando De la Torre | 2023-03-27T17:59:33Z | cs.CV, cs.AI, cs.CL, cs.LG | When it comes to deploying deep vision models, the behavior of these systems
must be explicable to ensure confidence in their reliability and fairness. A
common approach to evaluate deep learning models is to build a labeled test set
with attributes of interest and assess how well it performs. However, creating
a balanced test set (i.e., one that is uniformly sampled over all the important
traits) is often time-consuming, expensive, and prone to mistakes. The question
we try to address is: can we evaluate the sensitivity of deep learning models
to arbitrary visual attributes without an annotated test set? This paper argues
the case that Zero-shot Model Diagnosis (ZOOM) is possible without the need for
a test set nor labeling. To avoid the need for test sets, our system relies on
a generative model and CLIP. The key idea is enabling the user to select a set
of prompts (relevant to the problem) and our system will automatically search
for semantic counterfactual images (i.e., synthesized images that flip the
prediction in the case of a binary classifier) using the generative model. We
evaluate several visual tasks (classification, key-point detection, and
segmentation) in multiple visual domains to demonstrate the viability of our
methodology. Extensive experiments demonstrate that our method is capable of
producing counterfactual images and offering sensitivity analysis for model
diagnosis without the need for a test set. | cs.CV | Zero-shot Model Diagnosis |
2023-03-27T17:54:32Z | http://arxiv.org/pdf/2303.15430v2 | http://arxiv.org/abs/2303.15430v2 | Md Kamrul Hasan, Md Saiful Islam, Sangwu Lee, Wasifur Rahman, Iftekhar Naim, Mohammed Ibrahim Khan, Ehsan Hoque | 2023-03-29T04:49:46Z | cs.CL, cs.LG | Pre-trained large language models have recently achieved ground-breaking
performance in a wide variety of language understanding tasks. However, the
same model can not be applied to multimodal behavior understanding tasks (e.g.,
video sentiment/humor detection) unless non-verbal features (e.g., acoustic and
visual) can be integrated with language. Jointly modeling multiple modalities
significantly increases the model complexity, and makes the training process
data-hungry. While an enormous amount of text data is available via the web,
collecting large-scale multimodal behavioral video datasets is extremely
expensive, both in terms of time and money. In this paper, we investigate
whether large language models alone can successfully incorporate non-verbal
information when they are presented in textual form. We present a way to
convert the acoustic and visual information into corresponding textual
descriptions and concatenate them with the spoken text. We feed this augmented
input to a pre-trained BERT model and fine-tune it on three downstream
multimodal tasks: sentiment, humor, and sarcasm detection. Our approach,
TextMI, significantly reduces model complexity, adds interpretability to the
model's decision, and can be applied for a diverse set of tasks while achieving
superior (multimodal sarcasm detection) or near SOTA (multimodal sentiment
analysis and multimodal humor detection) performance. We propose TextMI as a
general, competitive baseline for multimodal behavioral analysis tasks,
particularly in a low-resource setting. | cs.CL | TextMI: Textualize Multimodal Information for Integrating Non-verbal Cues in Pre-trained Language Models |
2023-03-27T17:45:38Z | http://arxiv.org/pdf/2303.15422v4 | http://arxiv.org/abs/2303.15422v4 | Di Wu, Da Yin, Kai-Wei Chang | 2024-06-04T10:00:56Z | cs.CL | Despite the significant advancements in keyphrase extraction and keyphrase
generation methods, the predominant approach for evaluation mainly relies on
exact matching with human references. This scheme fails to recognize systems
that generate keyphrases semantically equivalent to the references or diverse
keyphrases that carry practical utility. To better assess the capability of
keyphrase systems, we propose KPEval, a comprehensive evaluation framework
consisting of four critical aspects: reference agreement, faithfulness,
diversity, and utility. For each aspect, we design semantic-based metrics to
reflect the evaluation objectives. Meta-evaluation studies demonstrate that our
evaluation strategy correlates better with human preferences compared to a
range of previously proposed metrics. Using KPEval, we re-evaluate 23 keyphrase
systems and discover that (1) established model comparison results have
blind-spots especially when considering reference-free evaluation; (2) large
language models are underestimated by prior evaluation works; and (3) there is
no single best model that can excel in all the aspects. | cs.CL | KPEval: Towards Fine-Grained Semantic-Based Keyphrase Evaluation |
2023-03-27T17:31:13Z | http://arxiv.org/pdf/2303.15413v5 | http://arxiv.org/abs/2303.15413v5 | Susung Hong, Donghoon Ahn, Seungryong Kim | 2023-12-19T22:03:12Z | cs.CV, cs.CL, cs.GR, cs.LG | Existing score-distilling text-to-3D generation techniques, despite their
considerable promise, often encounter the view inconsistency problem. One of
the most notable issues is the Janus problem, where the most canonical view of
an object (\textit{e.g}., face or head) appears in other views. In this work,
we explore existing frameworks for score-distilling text-to-3D generation and
identify the main causes of the view inconsistency problem -- the embedded bias
of 2D diffusion models. Based on these findings, we propose two approaches to
debias the score-distillation frameworks for view-consistent text-to-3D
generation. Our first approach, called score debiasing, involves cutting off
the score estimated by 2D diffusion models and gradually increasing the
truncation value throughout the optimization process. Our second approach,
called prompt debiasing, identifies conflicting words between user prompts and
view prompts using a language model, and adjusts the discrepancy between view
prompts and the viewing direction of an object. Our experimental results show
that our methods improve the realism of the generated 3D objects by
significantly reducing artifacts and achieve a good trade-off between
faithfulness to the 2D diffusion models and 3D consistency with little
overhead. Our project page is available
at~\url{https://susunghong.github.io/Debiased-Score-Distillation-Sampling/}. | cs.CV | Debiasing Scores and Prompts of 2D Diffusion for View-consistent Text-to-3D Generation |
2023-03-27T16:55:49Z | http://arxiv.org/pdf/2303.15381v1 | http://arxiv.org/abs/2303.15381v1 | Michael Regan, Jena D. Hwang, Keisuke Sakaguchi, James Pustejovsky | 2023-03-27T16:55:49Z | cs.CL | Making sense of familiar yet new situations typically involves making
generalizations about causal schemas, stories that help humans reason about
event sequences. Reasoning about events includes identifying cause and effect
relations shared across event instances, a process we refer to as causal schema
induction. Statistical schema induction systems may leverage structural
knowledge encoded in discourse or the causal graphs associated with event
meaning, however resources to study such causal structure are few in number and
limited in size. In this work, we investigate how to apply schema induction
models to the task of knowledge discovery for enhanced search of
English-language news texts. To tackle the problem of data scarcity, we present
Torquestra, a manually curated dataset of text-graph-schema units integrating
temporal, event, and causal structures. We benchmark our dataset on three
knowledge discovery tasks, building and evaluating models for each. Results
show that systems that harness causal structure are effective at identifying
texts sharing similar causal meaning components rather than relying on lexical
cues alone. We make our dataset and models available for research purposes. | cs.CL | Causal schema induction for knowledge discovery |
2023-03-27T16:07:44Z | http://arxiv.org/pdf/2303.15350v2 | http://arxiv.org/abs/2303.15350v2 | Suman Adhya, Debarshi Kumar Sanyal | 2024-06-20T06:50:43Z | cs.CL, cs.IR, cs.LG | Topic modeling is a dominant method for exploring document collections on the
web and in digital libraries. Recent approaches to topic modeling use
pretrained contextualized language models and variational autoencoders.
However, large neural topic models have a considerable memory footprint. In
this paper, we propose a knowledge distillation framework to compress a
contextualized topic model without loss in topic quality. In particular, the
proposed distillation objective is to minimize the cross-entropy of the soft
labels produced by the teacher and the student models, as well as to minimize
the squared 2-Wasserstein distance between the latent distributions learned by
the two models. Experiments on two publicly available datasets show that the
student trained with knowledge distillation achieves topic coherence much
higher than that of the original student model, and even surpasses the teacher
while containing far fewer parameters than the teacher's. The distilled model
also outperforms several other competitive topic models on topic coherence. | cs.CL | Improving Neural Topic Models with Wasserstein Knowledge Distillation |
2023-03-27T14:54:43Z | http://arxiv.org/pdf/2303.15265v1 | http://arxiv.org/abs/2303.15265v1 | Alex Jones, Isaac Caswell, Ishank Saxena, Orhan Firat | 2023-03-27T14:54:43Z | cs.CL, cs.AI, cs.LG, I.2.7 | Neural machine translation (NMT) has progressed rapidly over the past several
years, and modern models are able to achieve relatively high quality using only
monolingual text data, an approach dubbed Unsupervised Machine Translation
(UNMT). However, these models still struggle in a variety of ways, including
aspects of translation that for a human are the easiest - for instance,
correctly translating common nouns. This work explores a cheap and abundant
resource to combat this problem: bilingual lexica. We test the efficacy of
bilingual lexica in a real-world set-up, on 200-language translation models
trained on web-crawled text. We present several findings: (1) using lexical
data augmentation, we demonstrate sizable performance gains for unsupervised
translation; (2) we compare several families of data augmentation,
demonstrating that they yield similar improvements, and can be combined for
even greater improvements; (3) we demonstrate the importance of carefully
curated lexica over larger, noisier ones, especially with larger models; and
(4) we compare the efficacy of multilingual lexicon data versus
human-translated parallel data. Finally, we open-source GATITOS (available at
https://github.com/google-research/url-nlp/tree/main/gatitos), a new
multilingual lexicon for 26 low-resource languages, which had the highest
performance among lexica in our experiments. | cs.CL | Bilex Rx: Lexical Data Augmentation for Massively Multilingual Machine Translation |
2023-03-27T14:31:25Z | http://arxiv.org/pdf/2303.15247v2 | http://arxiv.org/abs/2303.15247v2 | Alberto Baldrati, Lorenzo Agnolucci, Marco Bertini, Alberto Del Bimbo | 2023-08-19T14:04:41Z | cs.CV, cs.CL, cs.IR | Composed Image Retrieval (CIR) aims to retrieve a target image based on a
query composed of a reference image and a relative caption that describes the
difference between the two images. The high effort and cost required for
labeling datasets for CIR hamper the widespread usage of existing methods, as
they rely on supervised learning. In this work, we propose a new task,
Zero-Shot CIR (ZS-CIR), that aims to address CIR without requiring a labeled
training dataset. Our approach, named zero-Shot composEd imAge Retrieval with
textuaL invErsion (SEARLE), maps the visual features of the reference image
into a pseudo-word token in CLIP token embedding space and integrates it with
the relative caption. To support research on ZS-CIR, we introduce an
open-domain benchmarking dataset named Composed Image Retrieval on Common
Objects in context (CIRCO), which is the first dataset for CIR containing
multiple ground truths for each query. The experiments show that SEARLE
exhibits better performance than the baselines on the two main datasets for CIR
tasks, FashionIQ and CIRR, and on the proposed CIRCO. The dataset, the code and
the model are publicly available at https://github.com/miccunifi/SEARLE. | cs.CV | Zero-Shot Composed Image Retrieval with Textual Inversion |
2023-03-27T14:10:26Z | http://arxiv.org/pdf/2303.15230v2 | http://arxiv.org/abs/2303.15230v2 | Siteng Huang, Biao Gong, Yutong Feng, Min Zhang, Yiliang Lv, Donglin Wang | 2024-03-26T03:07:56Z | cs.CV, cs.CL, cs.LG | Recent compositional zero-shot learning (CZSL) methods adapt pre-trained
vision-language models (VLMs) by constructing trainable prompts only for
composed state-object pairs. Relying on learning the joint representation of
seen compositions, these methods ignore the explicit modeling of the state and
object, thus limiting the exploitation of pre-trained knowledge and
generalization to unseen compositions. With a particular focus on the
universality of the solution, in this work, we propose a novel paradigm for
CZSL models that establishes three identification branches (i.e., Multi-Path)
to jointly model the state, object, and composition. The presented Troika is
our implementation that aligns the branch-specific prompt representations with
decomposed visual features. To calibrate the bias between semantically similar
multi-modal representations, we further devise a Cross-Modal Traction module
into Troika that shifts the prompt representation towards the current visual
content. We conduct extensive experiments on three popular benchmarks, where
our method significantly outperforms existing methods in both closed-world and
open-world settings. The code will be available at
https://github.com/bighuang624/Troika. | cs.CV | Troika: Multi-Path Cross-Modal Traction for Compositional Zero-Shot Learning |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.