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-05-26T19:22:03Z
|
http://arxiv.org/pdf/2305.17216v3
|
http://arxiv.org/abs/2305.17216v3
|
Jing Yu Koh, Daniel Fried, Ruslan Salakhutdinov
|
2023-10-13T15:35:42Z
|
cs.CL, cs.CV, cs.LG
|
We propose a method to fuse frozen text-only large language models (LLMs)
with pre-trained image encoder and decoder models, by mapping between their
embedding spaces. Our model demonstrates a wide suite of multimodal
capabilities: image retrieval, novel image generation, and multimodal dialogue.
Ours is the first approach capable of conditioning on arbitrarily interleaved
image and text inputs to generate coherent image (and text) outputs. To achieve
strong performance on image generation, we propose an efficient mapping network
to ground the LLM to an off-the-shelf text-to-image generation model. This
mapping network translates hidden representations of text into the embedding
space of the visual models, enabling us to leverage the strong text
representations of the LLM for visual outputs. Our approach outperforms
baseline generation models on tasks with longer and more complex language. In
addition to novel image generation, our model is also capable of image
retrieval from a prespecified dataset, and decides whether to retrieve or
generate at inference time. This is done with a learnt decision module which
conditions on the hidden representations of the LLM. Our model exhibits a wider
range of capabilities compared to prior multimodal language models. It can
process image-and-text inputs, and produce retrieved images, generated images,
and generated text -- outperforming non-LLM based generation models across
several text-to-image tasks that measure context dependence.
|
cs.CL
|
Generating Images with Multimodal Language Models
|
2023-05-26T19:08:24Z
|
http://arxiv.org/pdf/2305.17211v1
|
http://arxiv.org/abs/2305.17211v1
|
Congcong Wang
|
2023-05-26T19:08:24Z
|
cs.CL
|
During crisis situations, social media allows people to quickly share
information, including messages requesting help. This can be valuable to
emergency responders, who need to categorise and prioritise these messages
based on the type of assistance being requested. However, the high volume of
messages makes it difficult to filter and prioritise them without the use of
computational techniques. Fully supervised filtering techniques for crisis
message categorisation typically require a large amount of annotated training
data, but this can be difficult to obtain during an ongoing crisis and is
expensive in terms of time and labour to create.
This thesis focuses on addressing the challenge of low data availability when
categorising crisis messages for emergency response. It first presents domain
adaptation as a solution for this problem, which involves learning a
categorisation model from annotated data from past crisis events (source
domain) and adapting it to categorise messages from an ongoing crisis event
(target domain). In many-to-many adaptation, where the model is trained on
multiple past events and adapted to multiple ongoing events, a multi-task
learning approach is proposed using pre-trained language models. This approach
outperforms baselines and an ensemble approach further improves performance...
|
cs.CL
|
Coping with low data availability for social media crisis message categorisation
|
2023-05-26T18:49:55Z
|
http://arxiv.org/pdf/2305.17202v1
|
http://arxiv.org/abs/2305.17202v1
|
Claytone Sikasote, Eunice Mukonde, Md Mahfuz Ibn Alam, Antonios Anastasopoulos
|
2023-05-26T18:49:55Z
|
cs.CL
|
We present BIG-C (Bemba Image Grounded Conversations), a large multimodal
dataset for Bemba. While Bemba is the most populous language of Zambia, it
exhibits a dearth of resources which render the development of language
technologies or language processing research almost impossible. The dataset is
comprised of multi-turn dialogues between Bemba speakers based on images,
transcribed and translated into English. There are more than 92,000
utterances/sentences, amounting to more than 180 hours of audio data with
corresponding transcriptions and English translations. We also provide
baselines on speech recognition (ASR), machine translation (MT) and speech
translation (ST) tasks, and sketch out other potential future multimodal uses
of our dataset. We hope that by making the dataset available to the research
community, this work will foster research and encourage collaboration across
the language, speech, and vision communities especially for languages outside
the "traditionally" used high-resourced ones. All data and code are publicly
available: https://github.com/csikasote/bigc.
|
cs.CL
|
BIG-C: a Multimodal Multi-Purpose Dataset for Bemba
|
2023-05-26T18:42:19Z
|
http://arxiv.org/pdf/2305.19280v1
|
http://arxiv.org/abs/2305.19280v1
|
Yingjie Feng, Jun Wang, Xianfeng Gu, Xiaoyin Xu, Min Zhang
|
2023-05-26T18:42:19Z
|
cs.LG, cs.AI, cs.CL, cs.CV
|
In diagnosing challenging conditions such as Alzheimer's disease (AD),
imaging is an important reference. Non-imaging patient data such as patient
information, genetic data, medication information, cognitive and memory tests
also play a very important role in diagnosis. Effect. However, limited by the
ability of artificial intelligence models to mine such information, most of the
existing models only use multi-modal image data, and cannot make full use of
non-image data. We use a currently very popular pre-trained large language
model (LLM) to enhance the model's ability to utilize non-image data, and
achieved SOTA results on the ADNI dataset.
|
cs.LG
|
Large language models improve Alzheimer's disease diagnosis using multi-modality data
|
2023-05-26T18:41:23Z
|
http://arxiv.org/pdf/2305.17197v1
|
http://arxiv.org/abs/2305.17197v1
|
Jiaxin Ge, Hongyin Luo, Yoon Kim, James Glass
|
2023-05-26T18:41:23Z
|
cs.CL
|
Entailment has been recognized as an important metric for evaluating natural
language understanding (NLU) models, and recent studies have found that
entailment pretraining benefits weakly supervised fine-tuning. In this work, we
design a prompting strategy that formulates a number of different NLU tasks as
contextual entailment. This approach improves the zero-shot adaptation of
pretrained entailment models. Secondly, we notice that self-training
entailment-based models with unlabeled data can significantly improve the
adaptation performance on downstream tasks. To achieve more stable improvement,
we propose the Simple Pseudo-Label Editing (SimPLE) algorithm for better
pseudo-labeling quality in self-training. We also found that both pretrained
entailment-based models and the self-trained models are robust against
adversarial evaluation data. Experiments on binary and multi-class
classification tasks show that SimPLE leads to more robust self-training
results, indicating that the self-trained entailment models are more efficient
and trustworthy than large language models on language understanding tasks.
|
cs.CL
|
Entailment as Robust Self-Learner
|
2023-05-26T18:14:23Z
|
http://arxiv.org/pdf/2305.17182v2
|
http://arxiv.org/abs/2305.17182v2
|
Yihong Liu, Alexandra Chronopoulou, Hinrich Schütze, Alexander Fraser
|
2023-06-04T09:41:35Z
|
cs.CL, cs.AI
|
Although unsupervised neural machine translation (UNMT) has achieved success
in many language pairs, the copying problem, i.e., directly copying some parts
of the input sentence as the translation, is common among distant language
pairs, especially when low-resource languages are involved. We find this issue
is closely related to an unexpected copying behavior during online
back-translation (BT). In this work, we propose a simple but effective training
schedule that incorporates a language discriminator loss. The loss imposes
constraints on the intermediate translation so that the translation is in the
desired language. By conducting extensive experiments on different language
pairs, including similar and distant, high and low-resource languages, we find
that our method alleviates the copying problem, thus improving the translation
performance on low-resource languages.
|
cs.CL
|
On the Copying Problem of Unsupervised NMT: A Training Schedule with a Language Discriminator Loss
|
2023-05-26T18:06:49Z
|
http://arxiv.org/pdf/2305.17179v1
|
http://arxiv.org/abs/2305.17179v1
|
Tomasz Limisiewicz, Jiří Balhar, David Mareček
|
2023-05-26T18:06:49Z
|
cs.CL
|
Multilingual language models have recently gained attention as a promising
solution for representing multiple languages in a single model. In this paper,
we propose new criteria to evaluate the quality of lexical representation and
vocabulary overlap observed in sub-word tokenizers. Our findings show that the
overlap of vocabulary across languages can be actually detrimental to certain
downstream tasks (POS, dependency tree labeling). In contrast, NER and
sentence-level tasks (cross-lingual retrieval, NLI) benefit from sharing
vocabulary. We also observe that the coverage of the language-specific tokens
in the multilingual vocabulary significantly impacts the word-level tasks. Our
study offers a deeper understanding of the role of tokenizers in multilingual
language models and guidelines for future model developers to choose the most
suitable tokenizer for their specific application before undertaking costly
model pre-training
|
cs.CL
|
Tokenization Impacts Multilingual Language Modeling: Assessing Vocabulary Allocation and Overlap Across Languages
|
2023-05-26T18:05:57Z
|
http://arxiv.org/pdf/2305.18357v1
|
http://arxiv.org/abs/2305.18357v1
|
Yali Bian, Chris North
|
2023-05-26T18:05:57Z
|
cs.LG, cs.AI, cs.CL, cs.HC
|
In this paper, we design novel interactive deep learning methods to improve
semantic interactions in visual analytics applications. The ability of semantic
interaction to infer analysts' precise intents during sensemaking is dependent
on the quality of the underlying data representation. We propose the
$\text{DeepSI}_{\text{finetune}}$ framework that integrates deep learning into
the human-in-the-loop interactive sensemaking pipeline, with two important
properties. First, deep learning extracts meaningful representations from raw
data, which improves semantic interaction inference. Second, semantic
interactions are exploited to fine-tune the deep learning representations,
which then further improves semantic interaction inference. This feedback loop
between human interaction and deep learning enables efficient learning of user-
and task-specific representations. To evaluate the advantage of embedding the
deep learning within the semantic interaction loop, we compare
$\text{DeepSI}_{\text{finetune}}$ against a state-of-the-art but more basic use
of deep learning as only a feature extractor pre-processed outside of the
interactive loop. Results of two complementary studies, a human-centered
qualitative case study and an algorithm-centered simulation-based quantitative
experiment, show that $\text{DeepSI}_{\text{finetune}}$ more accurately
captures users' complex mental models with fewer interactions.
|
cs.LG
|
DeepSI: Interactive Deep Learning for Semantic Interaction
|
2023-05-26T18:00:57Z
|
http://arxiv.org/pdf/2305.17174v1
|
http://arxiv.org/abs/2305.17174v1
|
Julia Mendelsohn, Ronan Le Bras, Yejin Choi, Maarten Sap
|
2023-05-26T18:00:57Z
|
cs.CL, cs.CY
|
Dogwhistles are coded expressions that simultaneously convey one meaning to a
broad audience and a second one, often hateful or provocative, to a narrow
in-group; they are deployed to evade both political repercussions and
algorithmic content moderation. For example, in the sentence 'we need to end
the cosmopolitan experiment,' the word 'cosmopolitan' likely means 'worldly' to
many, but secretly means 'Jewish' to a select few. We present the first
large-scale computational investigation of dogwhistles. We develop a typology
of dogwhistles, curate the largest-to-date glossary of over 300 dogwhistles
with rich contextual information and examples, and analyze their usage in
historical U.S. politicians' speeches. We then assess whether a large language
model (GPT-3) can identify dogwhistles and their meanings, and find that
GPT-3's performance varies widely across types of dogwhistles and targeted
groups. Finally, we show that harmful content containing dogwhistles avoids
toxicity detection, highlighting online risks of such coded language. This work
sheds light on the theoretical and applied importance of dogwhistles in both
NLP and computational social science, and provides resources for future
research in modeling dogwhistles and mitigating their online harms.
|
cs.CL
|
From Dogwhistles to Bullhorns: Unveiling Coded Rhetoric with Language Models
|
2023-05-26T17:56:53Z
|
http://arxiv.org/pdf/2305.17131v1
|
http://arxiv.org/abs/2305.17131v1
|
Gabriele Sarti, Phu Mon Htut, Xing Niu, Benjamin Hsu, Anna Currey, Georgiana Dinu, Maria Nadejde
|
2023-05-26T17:56:53Z
|
cs.CL
|
Attribute-controlled translation (ACT) is a subtask of machine translation
that involves controlling stylistic or linguistic attributes (like formality
and gender) of translation outputs. While ACT has garnered attention in recent
years due to its usefulness in real-world applications, progress in the task is
currently limited by dataset availability, since most prior approaches rely on
supervised methods. To address this limitation, we propose Retrieval and
Attribute-Marking enhanced Prompting (RAMP), which leverages large multilingual
language models to perform ACT in few-shot and zero-shot settings. RAMP
improves generation accuracy over the standard prompting approach by (1)
incorporating a semantic similarity retrieval component for selecting similar
in-context examples, and (2) marking in-context examples with attribute
annotations. Our comprehensive experiments show that RAMP is a viable approach
in both zero-shot and few-shot settings.
|
cs.CL
|
RAMP: Retrieval and Attribute-Marking Enhanced Prompting for Attribute-Controlled Translation
|
2023-05-26T17:50:51Z
|
http://arxiv.org/pdf/2305.17127v1
|
http://arxiv.org/abs/2305.17127v1
|
Tyler A. Chang, Kishaloy Halder, Neha Anna John, Yogarshi Vyas, Yassine Benajiba, Miguel Ballesteros, Dan Roth
|
2023-05-26T17:50:51Z
|
cs.CL
|
NLP models often degrade in performance when real world data distributions
differ markedly from training data. However, existing dataset drift metrics in
NLP have generally not considered specific dimensions of linguistic drift that
affect model performance, and they have not been validated in their ability to
predict model performance at the individual example level, where such metrics
are often used in practice. In this paper, we propose three dimensions of
linguistic dataset drift: vocabulary, structural, and semantic drift. These
dimensions correspond to content word frequency divergences, syntactic
divergences, and meaning changes not captured by word frequencies (e.g. lexical
semantic change). We propose interpretable metrics for all three drift
dimensions, and we modify past performance prediction methods to predict model
performance at both the example and dataset level for English sentiment
classification and natural language inference. We find that our drift metrics
are more effective than previous metrics at predicting out-of-domain model
accuracies (mean 16.8% root mean square error decrease), particularly when
compared to popular fine-tuned embedding distances (mean 47.7% error decrease).
Fine-tuned embedding distances are much more effective at ranking individual
examples by expected performance, but decomposing into vocabulary, structural,
and semantic drift produces the best example rankings of all considered
model-agnostic drift metrics (mean 6.7% ROC AUC increase).
|
cs.CL
|
Characterizing and Measuring Linguistic Dataset Drift
|
2023-05-26T17:50:11Z
|
http://arxiv.org/pdf/2305.17126v2
|
http://arxiv.org/abs/2305.17126v2
|
Tianle Cai, Xuezhi Wang, Tengyu Ma, Xinyun Chen, Denny Zhou
|
2024-03-11T01:15:09Z
|
cs.LG, cs.AI, cs.CL, stat.ML
|
Recent research has highlighted the potential of large language models (LLMs)
to improve their problem-solving capabilities with the aid of suitable external
tools. In our work, we further advance this concept by introducing a
closed-loop framework, referred to as LLMs A s Tool Makers (LATM), where LLMs
create their own reusable tools for problem-solving. Our approach consists of
two phases: 1) tool making: an LLM acts as the tool maker that crafts tools for
a set of tasks. 2) tool using: another LLM acts as the tool user, which applies
the tool built by the tool maker for problem-solving. On the problem-solving
server side, tool-making enables continual tool generation and caching as new
requests emerge. This framework enables subsequent requests to access cached
tools via their corresponding APIs, enhancing the efficiency of task
resolution. Recognizing that tool-making requires more sophisticated
capabilities, we assign this task to a powerful, albeit resource-intensive,
model. Conversely, the simpler tool-using phase is delegated to a lightweight
model. This strategic division of labor allows the once-off cost of tool-making
to be spread over multiple instances of tool-using, significantly reducing
average costs while maintaining strong performance. Furthermore, our method
offers a functional cache through the caching and reuse of tools, which stores
the functionality of a class of requests instead of the natural language
responses from LLMs, thus extending the applicability of the conventional cache
mechanism. We evaluate our approach across various complex reasoning tasks,
including Big-Bench tasks. With GPT-4 as the tool maker and GPT-3.5 as the tool
user, LATM demonstrates performance equivalent to using GPT-4 for both roles,
but with a significantly reduced inference cost.
|
cs.LG
|
Large Language Models as Tool Makers
|
2023-05-26T17:39:58Z
|
http://arxiv.org/pdf/2305.17118v2
|
http://arxiv.org/abs/2305.17118v2
|
Zichang Liu, Aditya Desai, Fangshuo Liao, Weitao Wang, Victor Xie, Zhaozhuo Xu, Anastasios Kyrillidis, Anshumali Shrivastava
|
2023-08-28T22:48:46Z
|
cs.LG, cs.CL
|
Large language models(LLMs) have sparked a new wave of exciting AI
applications. Hosting these models at scale requires significant memory
resources. One crucial memory bottleneck for the deployment stems from the
context window. It is commonly recognized that model weights are memory hungry;
however, the size of key-value embedding stored during the generation process
(KV cache) can easily surpass the model size. The enormous size of the KV cache
puts constraints on the inference batch size, which is crucial for high
throughput inference workload. Inspired by an interesting observation of the
attention scores, we hypothesize the persistence of importance: only pivotal
tokens, which had a substantial influence at one step, will significantly
influence future generations. Based on our empirical verification and
theoretical analysis around this hypothesis, we propose Scissorhands, a system
that maintains the memory usage of the KV cache at a fixed budget without
finetuning the model. In essence, Scissorhands manages the KV cache by storing
the pivotal tokens with a higher probability. We validate that Scissorhands
reduces the inference memory usage of the KV cache by up to 5X without
compromising model quality. We further demonstrate that Scissorhands can be
combined with 4-bit quantization, traditionally used to compress model weights,
to achieve up to 20X compression.
|
cs.LG
|
Scissorhands: Exploiting the Persistence of Importance Hypothesis for LLM KV Cache Compression at Test Time
|
2023-05-26T17:33:05Z
|
http://arxiv.org/pdf/2305.17116v2
|
http://arxiv.org/abs/2305.17116v2
|
David Soong, Sriram Sridhar, Han Si, Jan-Samuel Wagner, Ana Caroline Costa Sá, Christina Y Yu, Kubra Karagoz, Meijian Guan, Hisham Hamadeh, Brandon W Higgs
|
2023-05-30T15:37:45Z
|
cs.CL, cs.AI
|
Large language models (LLMs) have made significant advancements in natural
language processing (NLP). Broad corpora capture diverse patterns but can
introduce irrelevance, while focused corpora enhance reliability by reducing
misleading information. Training LLMs on focused corpora poses computational
challenges. An alternative approach is to use a retrieval-augmentation (RetA)
method tested in a specific domain.
To evaluate LLM performance, OpenAI's GPT-3, GPT-4, Bing's Prometheus, and a
custom RetA model were compared using 19 questions on diffuse large B-cell
lymphoma (DLBCL) disease. Eight independent reviewers assessed responses based
on accuracy, relevance, and readability (rated 1-3).
The RetA model performed best in accuracy (12/19 3-point scores, total=47)
and relevance (13/19, 50), followed by GPT-4 (8/19, 43; 11/19, 49). GPT-4
received the highest readability scores (17/19, 55), followed by GPT-3 (15/19,
53) and the RetA model (11/19, 47). Prometheus underperformed in accuracy (34),
relevance (32), and readability (38).
Both GPT-3.5 and GPT-4 had more hallucinations in all 19 responses compared
to the RetA model and Prometheus. Hallucinations were mostly associated with
non-existent references or fabricated efficacy data.
These findings suggest that RetA models, supplemented with domain-specific
corpora, may outperform general-purpose LLMs in accuracy and relevance within
specific domains. However, this evaluation was limited to specific questions
and metrics and may not capture challenges in semantic search and other NLP
tasks. Further research will explore different LLM architectures, RetA
methodologies, and evaluation methods to assess strengths and limitations more
comprehensively.
|
cs.CL
|
Improving accuracy of GPT-3/4 results on biomedical data using a retrieval-augmented language model
|
2023-05-26T17:16:11Z
|
http://arxiv.org/pdf/2305.17104v1
|
http://arxiv.org/abs/2305.17104v1
|
Yongliang Shen, Zeqi Tan, Shuhui Wu, Wenqi Zhang, Rongsheng Zhang, Yadong Xi, Weiming Lu, Yueting Zhuang
|
2023-05-26T17:16:11Z
|
cs.CL
|
Prompt learning is a new paradigm for utilizing pre-trained language models
and has achieved great success in many tasks. To adopt prompt learning in the
NER task, two kinds of methods have been explored from a pair of symmetric
perspectives, populating the template by enumerating spans to predict their
entity types or constructing type-specific prompts to locate entities. However,
these methods not only require a multi-round prompting manner with a high time
overhead and computational cost, but also require elaborate prompt templates,
that are difficult to apply in practical scenarios. In this paper, we unify
entity locating and entity typing into prompt learning, and design a dual-slot
multi-prompt template with the position slot and type slot to prompt locating
and typing respectively. Multiple prompts can be input to the model
simultaneously, and then the model extracts all entities by parallel
predictions on the slots. To assign labels for the slots during training, we
design a dynamic template filling mechanism that uses the extended bipartite
graph matching between prompts and the ground-truth entities. We conduct
experiments in various settings, including resource-rich flat and nested NER
datasets and low-resource in-domain and cross-domain datasets. Experimental
results show that the proposed model achieves a significant performance
improvement, especially in the cross-domain few-shot setting, which outperforms
the state-of-the-art model by +7.7% on average.
|
cs.CL
|
PromptNER: Prompt Locating and Typing for Named Entity Recognition
|
2023-05-26T17:14:43Z
|
http://arxiv.org/pdf/2305.17100v2
|
http://arxiv.org/abs/2305.17100v2
|
Kai Zhang, Jun Yu, Eashan Adhikarla, Rong Zhou, Zhiling Yan, Yixin Liu, Zhengliang Liu, Lifang He, Brian Davison, Xiang Li, Hui Ren, Sunyang Fu, James Zou, Wei Liu, Jing Huang, Chen Chen, Yuyin Zhou, Tianming Liu, Xun Chen, Yong Chen, Quanzheng Li, Hongfang Liu, Lichao Sun
|
2024-01-09T20:14:33Z
|
cs.CL, cs.AI
|
Conventional task- and modality-specific artificial intelligence (AI) models
are inflexible in real-world deployment and maintenance for biomedicine. At the
same time, the growing availability of biomedical data, coupled with the
advancements in modern multi-modal multi-task AI techniques, has paved the way
for the emergence of generalist biomedical AI solutions. These solutions hold
the potential to interpret different medical modalities and produce expressive
outputs such as free-text reports or disease diagnosis. Here, we propose
BiomedGPT, the first open-source and generalist visual language AI for diverse
biomedical tasks. BiomedGPT achieved 16 state-of-the-art results across five
clinically significant tasks on 26 datasets. Notably, it outperformed OpenAI's
GPT-4 with vision (GPT-4V) in radiology human evaluation and surpassed Google's
Med-PaLM M (12B) in breast cancer diagnosis and medical visual question
answering. Moreover, BiomedGPT facilitates zero-shot transfer learning, greatly
enhancing its utility as a biomedical assistant, similar to ChatGPT. Our method
demonstrates effective training with diverse datasets can lead to more
practical biomedical AI.
|
cs.CL
|
BiomedGPT: A Unified and Generalist Biomedical Generative Pre-trained Transformer for Vision, Language, and Multimodal Tasks
|
2023-05-26T16:41:03Z
|
http://arxiv.org/pdf/2305.17080v1
|
http://arxiv.org/abs/2305.17080v1
|
Yung-Sung Chuang, Wei Fang, Shang-Wen Li, Wen-tau Yih, James Glass
|
2023-05-26T16:41:03Z
|
cs.CL
|
We propose EAR, a query Expansion And Reranking approach for improving
passage retrieval, with the application to open-domain question answering. EAR
first applies a query expansion model to generate a diverse set of queries, and
then uses a query reranker to select the ones that could lead to better
retrieval results. Motivated by the observation that the best query expansion
often is not picked by greedy decoding, EAR trains its reranker to predict the
rank orders of the gold passages when issuing the expanded queries to a given
retriever. By connecting better the query expansion model and retriever, EAR
significantly enhances a traditional sparse retrieval method, BM25.
Empirically, EAR improves top-5/20 accuracy by 3-8 and 5-10 points in in-domain
and out-of-domain settings, respectively, when compared to a vanilla query
expansion model, GAR, and a dense retrieval model, DPR.
|
cs.CL
|
Expand, Rerank, and Retrieve: Query Reranking for Open-Domain Question Answering
|
2023-05-26T16:36:55Z
|
http://arxiv.org/pdf/2305.17077v1
|
http://arxiv.org/abs/2305.17077v1
|
Daman Arora, Subbarao Kambhampati
|
2023-05-26T16:36:55Z
|
cs.CL, cs.AI
|
There have been wide spread claims in the literature about the emergent
reasoning capabilities of Pretrained Large Language Models. However, recent
studies, have found that their ability to plan remains questionable. Through
our experiments using GPT-2, we empirically demonstrate that the performance of
a finetuned baseline remains poor because it violates pre-conditions of actions
in the plans that it generates. To improve the planning capabilities of a
finetuned LLM, we train a verifier, which can classify actions as being valid
or invalid in a particular state. By randomly sampling actions from the same
dataset, we generate examples of invalid actions which are then used to train a
verifier which can check for action applicability. In the presence of diverse
sampling from a generator and a verifier which can prune invalid trajectories,
we show significant gains in the success rate on the Blocksworld domain.
Additionally, we show that finetuning the GPT-2 generator itself to create the
verifier generalizes better than finetuning the base GPT-2. Lastly, we
investigate the role of the sampling temperature which can be used to control
the exploration-exploitation tradeoff.
|
cs.CL
|
Learning and Leveraging Verifiers to Improve Planning Capabilities of Pre-trained Language Models
|
2023-05-26T16:34:58Z
|
http://arxiv.org/pdf/2305.17075v1
|
http://arxiv.org/abs/2305.17075v1
|
Marcos Treviso, Alexis Ross, Nuno M. Guerreiro, André F. T. Martins
|
2023-05-26T16:34:58Z
|
cs.CL
|
Selective rationales and counterfactual examples have emerged as two
effective, complementary classes of interpretability methods for analyzing and
training NLP models. However, prior work has not explored how these methods can
be integrated to combine their complementary advantages. We overcome this
limitation by introducing CREST (ContRastive Edits with Sparse
raTionalization), a joint framework for selective rationalization and
counterfactual text generation, and show that this framework leads to
improvements in counterfactual quality, model robustness, and interpretability.
First, CREST generates valid counterfactuals that are more natural than those
produced by previous methods, and subsequently can be used for data
augmentation at scale, reducing the need for human-generated examples. Second,
we introduce a new loss function that leverages CREST counterfactuals to
regularize selective rationales and show that this regularization improves both
model robustness and rationale quality, compared to methods that do not
leverage CREST counterfactuals. Our results demonstrate that CREST successfully
bridges the gap between selective rationales and counterfactual examples,
addressing the limitations of existing methods and providing a more
comprehensive view of a model's predictions.
|
cs.CL
|
CREST: A Joint Framework for Rationalization and Counterfactual Text Generation
|
2023-05-26T16:32:56Z
|
http://arxiv.org/pdf/2305.17073v1
|
http://arxiv.org/abs/2305.17073v1
|
Fahim Dalvi, Hassan Sajjad, Nadir Durrani
|
2023-05-26T16:32:56Z
|
cs.CL
|
Neuron analysis provides insights into how knowledge is structured in
representations and discovers the role of neurons in the network. In addition
to developing an understanding of our models, neuron analysis enables various
applications such as debiasing, domain adaptation and architectural search. We
present NeuroX, a comprehensive open-source toolkit to conduct neuron analysis
of natural language processing models. It implements various interpretation
methods under a unified API, and provides a framework for data processing and
evaluation, thus making it easier for researchers and practitioners to perform
neuron analysis. The Python toolkit is available at
https://www.github.com/fdalvi/NeuroX. Demo Video available at
https://youtu.be/mLhs2YMx4u8.
|
cs.CL
|
NeuroX Library for Neuron Analysis of Deep NLP Models
|
2023-05-26T16:32:17Z
|
http://arxiv.org/pdf/2305.18354v2
|
http://arxiv.org/abs/2305.18354v2
|
Yudong Xu, Wenhao Li, Pashootan Vaezipoor, Scott Sanner, Elias B. Khalil
|
2024-02-14T21:15:31Z
|
cs.CL, cs.AI
|
Can a Large Language Model (LLM) solve simple abstract reasoning problems? We
explore this broad question through a systematic analysis of GPT on the
Abstraction and Reasoning Corpus (ARC), a representative benchmark of abstract
reasoning ability from limited examples in which solutions require some "core
knowledge" of concepts such as objects, goal states, counting, and basic
geometry. GPT-4 solves only 13/50 of the most straightforward ARC tasks when
using textual encodings for their two-dimensional input-output grids. Our
failure analysis reveals that GPT-4's capacity to identify objects and reason
about them is significantly influenced by the sequential nature of the text
that represents an object within a text encoding of a task. To test this
hypothesis, we design a new benchmark, the 1D-ARC, which consists of
one-dimensional (array-like) tasks that are more conducive to GPT-based
reasoning, and where it indeed performs better than on the (2D) ARC. To
alleviate this issue, we propose an object-based representation that is
obtained through an external tool, resulting in nearly doubling the performance
on solved ARC tasks and near-perfect scores on the easier 1D-ARC. Although the
state-of-the-art GPT-4 is unable to "reason" perfectly within non-language
domains such as the 1D-ARC or a simple ARC subset, our study reveals that the
use of object-based representations can significantly improve its reasoning
ability. Visualizations, GPT logs, and data are available at
https://khalil-research.github.io/LLM4ARC.
|
cs.CL
|
LLMs and the Abstraction and Reasoning Corpus: Successes, Failures, and the Importance of Object-based Representations
|
2023-05-26T16:28:49Z
|
http://arxiv.org/pdf/2305.17072v1
|
http://arxiv.org/abs/2305.17072v1
|
Eddie L. Ungless, Björn Ross, Anne Lauscher
|
2023-05-26T16:28:49Z
|
cs.CL, cs.CY
|
Cutting-edge image generation has been praised for producing high-quality
images, suggesting a ubiquitous future in a variety of applications. However,
initial studies have pointed to the potential for harm due to predictive bias,
reflecting and potentially reinforcing cultural stereotypes. In this work, we
are the first to investigate how multimodal models handle diverse gender
identities. Concretely, we conduct a thorough analysis in which we compare the
output of three image generation models for prompts containing cisgender vs.
non-cisgender identity terms. Our findings demonstrate that certain
non-cisgender identities are consistently (mis)represented as less human, more
stereotyped and more sexualised. We complement our experimental analysis with
(a)~a survey among non-cisgender individuals and (b) a series of interviews, to
establish which harms affected individuals anticipate, and how they would like
to be represented. We find respondents are particularly concerned about
misrepresentation, and the potential to drive harmful behaviours and beliefs.
Simple heuristics to limit offensive content are widely rejected, and instead
respondents call for community involvement, curated training data and the
ability to customise. These improvements could pave the way for a future where
change is led by the affected community, and technology is used to positively
``[portray] queerness in ways that we haven't even thought of'' rather than
reproducing stale, offensive stereotypes.
|
cs.CL
|
Stereotypes and Smut: The (Mis)representation of Non-cisgender Identities by Text-to-Image Models
|
2023-05-26T16:21:25Z
|
http://arxiv.org/pdf/2305.17066v1
|
http://arxiv.org/abs/2305.17066v1
|
Mingchen Zhuge, Haozhe Liu, Francesco Faccio, Dylan R. Ashley, Róbert Csordás, Anand Gopalakrishnan, Abdullah Hamdi, Hasan Abed Al Kader Hammoud, Vincent Herrmann, Kazuki Irie, Louis Kirsch, Bing Li, Guohao Li, Shuming Liu, Jinjie Mai, Piotr Piękos, Aditya Ramesh, Imanol Schlag, Weimin Shi, Aleksandar Stanić, Wenyi Wang, Yuhui Wang, Mengmeng Xu, Deng-Ping Fan, Bernard Ghanem, Jürgen Schmidhuber
|
2023-05-26T16:21:25Z
|
cs.AI, cs.CL, cs.CV, cs.LG, cs.MA, 68T07, I.2.6; I.2.11
|
Both Minsky's "society of mind" and Schmidhuber's "learning to think" inspire
diverse societies of large multimodal neural networks (NNs) that solve problems
by interviewing each other in a "mindstorm." Recent implementations of NN-based
societies of minds consist of large language models (LLMs) and other NN-based
experts communicating through a natural language interface. In doing so, they
overcome the limitations of single LLMs, improving multimodal zero-shot
reasoning. In these natural language-based societies of mind (NLSOMs), new
agents -- all communicating through the same universal symbolic language -- are
easily added in a modular fashion. To demonstrate the power of NLSOMs, we
assemble and experiment with several of them (having up to 129 members),
leveraging mindstorms in them to solve some practical AI tasks: visual question
answering, image captioning, text-to-image synthesis, 3D generation, egocentric
retrieval, embodied AI, and general language-based task solving. We view this
as a starting point towards much larger NLSOMs with billions of agents-some of
which may be humans. And with this emergence of great societies of
heterogeneous minds, many new research questions have suddenly become paramount
to the future of artificial intelligence. What should be the social structure
of an NLSOM? What would be the (dis)advantages of having a monarchical rather
than a democratic structure? How can principles of NN economies be used to
maximize the total reward of a reinforcement learning NLSOM? In this work, we
identify, discuss, and try to answer some of these questions.
|
cs.AI
|
Mindstorms in Natural Language-Based Societies of Mind
|
2023-05-26T16:04:28Z
|
http://arxiv.org/pdf/2305.17055v1
|
http://arxiv.org/abs/2305.17055v1
|
Giorgos Filandrianos, Edmund Dervakos, Orfeas Menis-Mastromichalakis, Chrysoula Zerva, Giorgos Stamou
|
2023-05-26T16:04:28Z
|
cs.CL
|
In the wake of responsible AI, interpretability methods, which attempt to
provide an explanation for the predictions of neural models have seen rapid
progress. In this work, we are concerned with explanations that are applicable
to natural language processing (NLP) models and tasks, and we focus
specifically on the analysis of counterfactual, contrastive explanations. We
note that while there have been several explainers proposed to produce
counterfactual explanations, their behaviour can vary significantly and the
lack of a universal ground truth for the counterfactual edits imposes an
insuperable barrier on their evaluation. We propose a new back
translation-inspired evaluation methodology that utilises earlier outputs of
the explainer as ground truth proxies to investigate the consistency of
explainers. We show that by iteratively feeding the counterfactual to the
explainer we can obtain valuable insights into the behaviour of both the
predictor and the explainer models, and infer patterns that would be otherwise
obscured. Using this methodology, we conduct a thorough analysis and propose a
novel metric to evaluate the consistency of counterfactual generation
approaches with different characteristics across available performance
indicators.
|
cs.CL
|
Counterfactuals of Counterfactuals: a back-translation-inspired approach to analyse counterfactual editors
|
2023-05-26T16:00:16Z
|
http://arxiv.org/pdf/2305.17050v1
|
http://arxiv.org/abs/2305.17050v1
|
Cunxiang Wang, Zhikun Xu, Qipeng Guo, Xiangkun Hu, Xuefeng Bai, Zheng Zhang, Yue Zhang
|
2023-05-26T16:00:16Z
|
cs.CL
|
The Open-Domain Question Answering (ODQA) task involves retrieving and
subsequently generating answers from fine-grained relevant passages within a
database. Current systems leverage Pretrained Language Models (PLMs) to model
the relationship between questions and passages. However, the diversity in
surface form expressions can hinder the model's ability to capture accurate
correlations, especially within complex contexts. Therefore, we utilize
Abstract Meaning Representation (AMR) graphs to assist the model in
understanding complex semantic information. We introduce a method known as
Graph-as-Token (GST) to incorporate AMRs into PLMs. Results from Natural
Questions (NQ) and TriviaQA (TQ) demonstrate that our GST method can
significantly improve performance, resulting in up to 2.44/3.17 Exact Match
score improvements on NQ/TQ respectively. Furthermore, our method enhances
robustness and outperforms alternative Graph Neural Network (GNN) methods for
integrating AMRs. To the best of our knowledge, we are the first to employ
semantic graphs in ODQA.
|
cs.CL
|
Exploiting Abstract Meaning Representation for Open-Domain Question Answering
|
2023-05-26T15:51:25Z
|
http://arxiv.org/pdf/2305.17041v1
|
http://arxiv.org/abs/2305.17041v1
|
Cunxiang Wang, Haofei Yu, Yue Zhang
|
2023-05-26T15:51:25Z
|
cs.CL, cs.AI
|
Open-Domain Question Answering (ODQA) systems necessitate a reader model
capable of generating answers by simultaneously referring to multiple passages.
Although representative models like Fusion-in-Decoder (FiD) have been proposed
to address this challenge, these systems can inadvertently rely on spurious
features instead of genuine causal relationships between the question and the
passages to generate answers. To counter this problem, we introduce the
Rational Fusion-in-Decoder (RFiD) model. Our model leverages the encoders of
FiD to differentiate between causal relationships and spurious features,
subsequently guiding the decoder to generate answers informed by this
discernment. Experimental results on two ODQA datasets, Natural Questions (NQ)
and TriviaQA (TQ), demonstrate that our model surpasses previous methods,
achieving improvements of up to 1.5 and 0.7 in Exact Match scores on NQ, and
exhibits an enhanced ability to identify causal relationships.
|
cs.CL
|
RFiD: Towards Rational Fusion-in-Decoder for Open-Domain Question Answering
|
2023-05-26T15:49:43Z
|
http://arxiv.org/pdf/2305.17040v1
|
http://arxiv.org/abs/2305.17040v1
|
Jacob Abernethy, Alekh Agarwal, Teodor V. Marinov, Manfred K. Warmuth
|
2023-05-26T15:49:43Z
|
cs.LG, cs.CL
|
We study the phenomenon of \textit{in-context learning} (ICL) exhibited by
large language models, where they can adapt to a new learning task, given a
handful of labeled examples, without any explicit parameter optimization. Our
goal is to explain how a pre-trained transformer model is able to perform ICL
under reasonable assumptions on the pre-training process and the downstream
tasks. We posit a mechanism whereby a transformer can achieve the following:
(a) receive an i.i.d. sequence of examples which have been converted into a
prompt using potentially-ambiguous delimiters, (b) correctly segment the prompt
into examples and labels, (c) infer from the data a \textit{sparse linear
regressor} hypothesis, and finally (d) apply this hypothesis on the given test
example and return a predicted label. We establish that this entire procedure
is implementable using the transformer mechanism, and we give sample complexity
guarantees for this learning framework. Our empirical findings validate the
challenge of segmentation, and we show a correspondence between our posited
mechanisms and observed attention maps for step (c).
|
cs.LG
|
A Mechanism for Sample-Efficient In-Context Learning for Sparse Retrieval Tasks
|
2023-05-26T15:35:43Z
|
http://arxiv.org/pdf/2305.17026v3
|
http://arxiv.org/abs/2305.17026v3
|
Jesse Roberts
|
2024-02-02T18:04:58Z
|
cs.CL, cs.LG
|
In this article we prove that the general transformer neural model
undergirding modern large language models (LLMs) is Turing complete under
reasonable assumptions. This is the first work to directly address the Turing
completeness of the underlying technology employed in GPT-x as past work has
focused on the more expressive, full auto-encoder transformer architecture.
From this theoretical analysis, we show that the sparsity/compressibility of
the word embedding is an important consideration for Turing completeness to
hold. We also show that Transformers are are a variant of B machines studied by
Hao Wang.
|
cs.CL
|
How Powerful are Decoder-Only Transformer Neural Models?
|
2023-05-26T15:26:12Z
|
http://arxiv.org/pdf/2305.17020v3
|
http://arxiv.org/abs/2305.17020v3
|
Pietro Lesci, Yoshinari Fujinuma, Momchil Hardalov, Chao Shang, Yassine Benajiba, Lluis Marquez
|
2023-11-01T20:36:38Z
|
cs.CL, cs.LG
|
Sequence-to-sequence state-of-the-art systems for dialogue state tracking
(DST) use the full dialogue history as input, represent the current state as a
list with all the slots, and generate the entire state from scratch at each
dialogue turn. This approach is inefficient, especially when the number of
slots is large and the conversation is long. We propose Diable, a new task
formalisation that simplifies the design and implementation of efficient DST
systems and allows one to easily plug and play large language models. We
represent the dialogue state as a table and formalise DST as a table
manipulation task. At each turn, the system updates the previous state by
generating table operations based on the dialogue context. Extensive
experimentation on the MultiWoz datasets demonstrates that Diable (i)
outperforms strong efficient DST baselines, (ii) is 2.4x more time efficient
than current state-of-the-art methods while retaining competitive Joint Goal
Accuracy, and (iii) is robust to noisy data annotations due to the table
operations approach.
|
cs.CL
|
Diable: Efficient Dialogue State Tracking as Operations on Tables
|
2023-05-26T15:24:32Z
|
http://arxiv.org/pdf/2305.17019v1
|
http://arxiv.org/abs/2305.17019v1
|
Siwei Wu, Xiangqing Shen, Rui Xia
|
2023-05-26T15:24:32Z
|
cs.CL
|
The nodes in the commonsense knowledge graph (CSKG) are normally represented
by free-form short text (e.g., word or phrase). Different nodes may represent
the same concept. This leads to the problems of edge sparsity and node
redundancy, which challenges CSKG representation and completion. On the one
hand, edge sparsity limits the performance of graph representation learning; On
the other hand, node redundancy makes different nodes corresponding to the same
concept have inconsistent relations with other nodes. To address the two
problems, we propose a new CSKG completion framework based on Contrastive
Pretraining and Node Clustering (CPNC). Contrastive Pretraining constructs
positive and negative head-tail node pairs on CSKG and utilizes contrastive
learning to obtain better semantic node representation. Node Clustering
aggregates nodes with the same concept into a latent concept, assisting the
task of CSKG completion. We evaluate our CPNC approach on two CSKG completion
benchmarks (CN-100K and ATOMIC), where CPNC outperforms the state-of-the-art
methods. Extensive experiments demonstrate that both Contrastive Pretraining
and Node Clustering can significantly improve the performance of CSKG
completion. The source code of CPNC is publicly available on
\url{https://github.com/NUSTM/CPNC}.
|
cs.CL
|
Commonsense Knowledge Graph Completion Via Contrastive Pretraining and Node Clustering
|
2023-05-26T15:17:43Z
|
http://arxiv.org/pdf/2305.17013v1
|
http://arxiv.org/abs/2305.17013v1
|
Sabit Hassan, Malihe Alikhani
|
2023-05-26T15:17:43Z
|
cs.CL
|
Despite recent advancements, NLP models continue to be vulnerable to bias.
This bias often originates from the uneven distribution of real-world data and
can propagate through the annotation process. Escalated integration of these
models in our lives calls for methods to mitigate bias without overbearing
annotation costs. While active learning (AL) has shown promise in training
models with a small amount of annotated data, AL's reliance on the model's
behavior for selective sampling can lead to an accumulation of unwanted bias
rather than bias mitigation. However, infusing clustering with AL can overcome
the bias issue of both AL and traditional annotation methods while exploiting
AL's annotation efficiency. In this paper, we propose a novel adaptive
clustering-based active learning algorithm, D-CALM, that dynamically adjusts
clustering and annotation efforts in response to an estimated classifier
error-rate. Experiments on eight datasets for a diverse set of text
classification tasks, including emotion, hatespeech, dialog act, and book type
detection, demonstrate that our proposed algorithm significantly outperforms
baseline AL approaches with both pretrained transformers and traditional
Support Vector Machines. D-CALM showcases robustness against different measures
of information gain and, as evident from our analysis of label and error
distribution, can significantly reduce unwanted model bias.
|
cs.CL
|
D-CALM: A Dynamic Clustering-based Active Learning Approach for Mitigating Bias
|
2023-05-26T15:09:11Z
|
http://arxiv.org/pdf/2305.17008v2
|
http://arxiv.org/abs/2305.17008v2
|
Caleb Ziems, Jane Dwivedi-Yu, Yi-Chia Wang, Alon Halevy, Diyi Yang
|
2023-07-24T19:18:25Z
|
cs.CL
|
We present NormBank, a knowledge bank of 155k situational norms. This
resource is designed to ground flexible normative reasoning for interactive,
assistive, and collaborative AI systems. Unlike prior commonsense resources,
NormBank grounds each inference within a multivalent sociocultural frame, which
includes the setting (e.g., restaurant), the agents' contingent roles (waiter,
customer), their attributes (age, gender), and other physical, social, and
cultural constraints (e.g., the temperature or the country of operation). In
total, NormBank contains 63k unique constraints from a taxonomy that we
introduce and iteratively refine here. Constraints then apply in different
combinations to frame social norms. Under these manipulations, norms are
non-monotonic - one can cancel an inference by updating its frame even
slightly. Still, we find evidence that neural models can help reliably extend
the scope and coverage of NormBank. We further demonstrate the utility of this
resource with a series of transfer experiments.
|
cs.CL
|
NormBank: A Knowledge Bank of Situational Social Norms
|
2023-05-26T15:04:20Z
|
http://arxiv.org/pdf/2305.17006v1
|
http://arxiv.org/abs/2305.17006v1
|
Yifan Du, Junyi Li, Tianyi Tang, Wayne Xin Zhao, Ji-Rong Wen
|
2023-05-26T15:04:20Z
|
cs.CV, cs.CL
|
In this paper, we propose a novel language model guided captioning approach,
LAMOC, for knowledge-based visual question answering (VQA). Our approach
employs the generated captions by a captioning model as the context of an
answer prediction model, which is a Pre-trained Language model (PLM). As the
major contribution, we leverage the guidance and feedback of the prediction
model to improve the capability of the captioning model. In this way, the
captioning model can become aware of the task goal and information need from
the PLM. To develop our approach, we design two specific training stages, where
the first stage adapts the captioning model to the prediction model (selecting
more suitable caption propositions for training) and the second stage tunes the
captioning model according to the task goal (learning from feedback of the
PLM). Extensive experiments demonstrate the effectiveness of the proposed
approach on the knowledge-based VQA task. Specifically, on the challenging
A-OKVQA dataset, LAMOC outperforms several competitive zero-shot methods and
even achieves comparable results to a fine-tuned VLP model. Our code is
publicly available at https://github.com/RUCAIBox/LAMOC.
|
cs.CV
|
Zero-shot Visual Question Answering with Language Model Feedback
|
2023-05-26T14:59:53Z
|
http://arxiv.org/pdf/2305.17002v1
|
http://arxiv.org/abs/2305.17002v1
|
Asahi Ushio, Fernando Alva-Manchego, Jose Camacho-Collados
|
2023-05-26T14:59:53Z
|
cs.CL
|
Question and answer generation (QAG) consists of generating a set of
question-answer pairs given a context (e.g. a paragraph). This task has a
variety of applications, such as data augmentation for question answering (QA)
models, information retrieval and education. In this paper, we establish
baselines with three different QAG methodologies that leverage
sequence-to-sequence language model (LM) fine-tuning. Experiments show that an
end-to-end QAG model, which is computationally light at both training and
inference times, is generally robust and outperforms other more convoluted
approaches. However, there are differences depending on the underlying
generative LM. Finally, our analysis shows that QA models fine-tuned solely on
generated question-answer pairs can be competitive when compared to supervised
QA models trained on human-labeled data.
|
cs.CL
|
An Empirical Comparison of LM-based Question and Answer Generation Methods
|
2023-05-26T14:41:06Z
|
http://arxiv.org/pdf/2305.16986v3
|
http://arxiv.org/abs/2305.16986v3
|
Gengze Zhou, Yicong Hong, Qi Wu
|
2023-10-19T17:59:43Z
|
cs.CV, cs.AI, cs.CL, cs.RO
|
Trained with an unprecedented scale of data, large language models (LLMs)
like ChatGPT and GPT-4 exhibit the emergence of significant reasoning abilities
from model scaling. Such a trend underscored the potential of training LLMs
with unlimited language data, advancing the development of a universal embodied
agent. In this work, we introduce the NavGPT, a purely LLM-based
instruction-following navigation agent, to reveal the reasoning capability of
GPT models in complex embodied scenes by performing zero-shot sequential action
prediction for vision-and-language navigation (VLN). At each step, NavGPT takes
the textual descriptions of visual observations, navigation history, and future
explorable directions as inputs to reason the agent's current status, and makes
the decision to approach the target. Through comprehensive experiments, we
demonstrate NavGPT can explicitly perform high-level planning for navigation,
including decomposing instruction into sub-goal, integrating commonsense
knowledge relevant to navigation task resolution, identifying landmarks from
observed scenes, tracking navigation progress, and adapting to exceptions with
plan adjustment. Furthermore, we show that LLMs is capable of generating
high-quality navigational instructions from observations and actions along a
path, as well as drawing accurate top-down metric trajectory given the agent's
navigation history. Despite the performance of using NavGPT to zero-shot R2R
tasks still falling short of trained models, we suggest adapting multi-modality
inputs for LLMs to use as visual navigation agents and applying the explicit
reasoning of LLMs to benefit learning-based models.
|
cs.CV
|
NavGPT: Explicit Reasoning in Vision-and-Language Navigation with Large Language Models
|
2023-05-26T14:37:38Z
|
http://arxiv.org/pdf/2305.16982v1
|
http://arxiv.org/abs/2305.16982v1
|
Bei Li, Yi Jing, Xu Tan, Zhen Xing, Tong Xiao, Jingbo Zhu
|
2023-05-26T14:37:38Z
|
cs.CL, cs.AI
|
Learning multiscale Transformer models has been evidenced as a viable
approach to augmenting machine translation systems. Prior research has
primarily focused on treating subwords as basic units in developing such
systems. However, the incorporation of fine-grained character-level features
into multiscale Transformer has not yet been explored. In this work, we present
a \textbf{S}low-\textbf{F}ast two-stream learning model, referred to as
Tran\textbf{SF}ormer, which utilizes a ``slow'' branch to deal with subword
sequences and a ``fast'' branch to deal with longer character sequences. This
model is efficient since the fast branch is very lightweight by reducing the
model width, and yet provides useful fine-grained features for the slow branch.
Our TranSFormer shows consistent BLEU improvements (larger than 1 BLEU point)
on several machine translation benchmarks.
|
cs.CL
|
TranSFormer: Slow-Fast Transformer for Machine Translation
|
2023-05-26T14:21:54Z
|
http://arxiv.org/pdf/2305.16967v3
|
http://arxiv.org/abs/2305.16967v3
|
Kun Zhao, Bohao Yang, Chenghua Lin, Wenge Rong, Aline Villavicencio, Xiaohui Cui
|
2023-06-10T13:23:41Z
|
cs.CL
|
The long-standing one-to-many issue of the open-domain dialogues poses
significant challenges for automatic evaluation methods, i.e., there may be
multiple suitable responses which differ in semantics for a given
conversational context. To tackle this challenge, we propose a novel
learning-based automatic evaluation metric (CMN), which can robustly evaluate
open-domain dialogues by augmenting Conditional Variational Autoencoders
(CVAEs) with a Next Sentence Prediction (NSP) objective and employing Mutual
Information (MI) to model the semantic similarity of text in the latent space.
Experimental results on two open-domain dialogue datasets demonstrate the
superiority of our method compared with a wide range of baselines, especially
in handling responses which are distant to the golden reference responses in
semantics.
|
cs.CL
|
Evaluating Open-Domain Dialogues in Latent Space with Next Sentence Prediction and Mutual Information
|
2023-05-26T14:17:36Z
|
http://arxiv.org/pdf/2305.16960v3
|
http://arxiv.org/abs/2305.16960v3
|
Ruibo Liu, Ruixin Yang, Chenyan Jia, Ge Zhang, Denny Zhou, Andrew M. Dai, Diyi Yang, Soroush Vosoughi
|
2023-10-28T09:02:39Z
|
cs.CL, cs.AI, cs.CY, cs.HC
|
Social alignment in AI systems aims to ensure that these models behave
according to established societal values. However, unlike humans, who derive
consensus on value judgments through social interaction, current language
models (LMs) are trained to rigidly replicate their training corpus in
isolation, leading to subpar generalization in unfamiliar scenarios and
vulnerability to adversarial attacks. This work presents a novel training
paradigm that permits LMs to learn from simulated social interactions. In
comparison to existing methodologies, our approach is considerably more
scalable and efficient, demonstrating superior performance in alignment
benchmarks and human evaluations. This paradigm shift in the training of LMs
brings us a step closer to developing AI systems that can robustly and
accurately reflect societal norms and values.
|
cs.CL
|
Training Socially Aligned Language Models on Simulated Social Interactions
|
2023-05-26T14:14:51Z
|
http://arxiv.org/pdf/2305.16958v2
|
http://arxiv.org/abs/2305.16958v2
|
Shiyue Zhang, Shijie Wu, Ozan Irsoy, Steven Lu, Mohit Bansal, Mark Dredze, David Rosenberg
|
2024-05-26T20:24:55Z
|
cs.CL, cs.AI, cs.LG
|
Autoregressive language models are trained by minimizing the cross-entropy of
the model distribution Q relative to the data distribution P -- that is,
minimizing the forward cross-entropy, which is equivalent to maximum likelihood
estimation (MLE). We have observed that models trained in this way may
"over-generalize", in the sense that they produce non-human-like text.
Moreover, we believe that reverse cross-entropy, i.e., the cross-entropy of P
relative to Q, is a better reflection of how a human would evaluate text
generated by a model. Hence, we propose learning with MixCE, an objective that
mixes the forward and reverse cross-entropies. We evaluate models trained with
this objective on synthetic data settings (where P is known) and real data, and
show that the resulting models yield better generated text without complex
decoding strategies. Our code and models are publicly available at
https://github.com/bloomberg/mixce-acl2023
|
cs.CL
|
MixCE: Training Autoregressive Language Models by Mixing Forward and Reverse Cross-Entropies
|
2023-05-26T14:13:38Z
|
http://arxiv.org/pdf/2305.16957v1
|
http://arxiv.org/abs/2305.16957v1
|
Vineet Bhat, Preethi Jyothi, Pushpak Bhattacharyya
|
2023-05-26T14:13:38Z
|
cs.CL, cs.LG, cs.SD, eess.AS
|
Conversational speech often consists of deviations from the speech plan,
producing disfluent utterances that affect downstream NLP tasks. Removing these
disfluencies is necessary to create fluent and coherent speech. This paper
presents DisfluencyFixer, a tool that performs speech-to-speech disfluency
correction in English and Hindi using a pipeline of Automatic Speech
Recognition (ASR), Disfluency Correction (DC) and Text-To-Speech (TTS) models.
Our proposed system removes disfluencies from input speech and returns fluent
speech as output along with its transcript, disfluency type and total
disfluency count in source utterance, providing a one-stop destination for
language learners to improve the fluency of their speech. We evaluate the
performance of our tool subjectively and receive scores of 4.26, 4.29 and 4.42
out of 5 in ASR performance, DC performance and ease-of-use of the system. Our
tool can be accessed openly at the following link.
|
cs.CL
|
DisfluencyFixer: A tool to enhance Language Learning through Speech To Speech Disfluency Correction
|
2023-05-26T14:09:35Z
|
http://arxiv.org/pdf/2305.16954v1
|
http://arxiv.org/abs/2305.16954v1
|
Matthias Lindemann, Alexander Koller, Ivan Titov
|
2023-05-26T14:09:35Z
|
cs.CL
|
Seq2seq models have been shown to struggle with compositional generalization
in semantic parsing, i.e. generalizing to unseen compositions of phenomena that
the model handles correctly in isolation.
We phrase semantic parsing as a two-step process: we first tag each input
token with a multiset of output tokens. Then we arrange the tokens into an
output sequence using a new way of parameterizing and predicting permutations.
We formulate predicting a permutation as solving a regularized linear program
and we backpropagate through the solver. In contrast to prior work, our
approach does not place a priori restrictions on possible permutations, making
it very expressive.
Our model outperforms pretrained seq2seq models and prior work on realistic
semantic parsing tasks that require generalization to longer examples. We also
outperform non-tree-based models on structural generalization on the COGS
benchmark. For the first time, we show that a model without an inductive bias
provided by trees achieves high accuracy on generalization to deeper recursion.
|
cs.CL
|
Compositional Generalization without Trees using Multiset Tagging and Latent Permutations
|
2023-05-26T14:00:25Z
|
http://arxiv.org/pdf/2305.16947v1
|
http://arxiv.org/abs/2305.16947v1
|
Matt Grenander, Shay B. Cohen, Mark Steedman
|
2023-05-26T14:00:25Z
|
cs.CL
|
We propose a sentence-incremental neural coreference resolution system which
incrementally builds clusters after marking mention boundaries in a
shift-reduce method. The system is aimed at bridging two recent approaches at
coreference resolution: (1) state-of-the-art non-incremental models that incur
quadratic complexity in document length with high computational cost, and (2)
memory network-based models which operate incrementally but do not generalize
beyond pronouns. For comparison, we simulate an incremental setting by
constraining non-incremental systems to form partial coreference chains before
observing new sentences. In this setting, our system outperforms comparable
state-of-the-art methods by 2 F1 on OntoNotes and 7 F1 on the CODI-CRAC 2021
corpus. In a conventional coreference setup, our system achieves 76.3 F1 on
OntoNotes and 45.8 F1 on CODI-CRAC 2021, which is comparable to
state-of-the-art baselines. We also analyze variations of our system and show
that the degree of incrementality in the encoder has a surprisingly large
effect on the resulting performance.
|
cs.CL
|
Sentence-Incremental Neural Coreference Resolution
|
2023-05-26T13:59:45Z
|
http://arxiv.org/pdf/2305.16944v3
|
http://arxiv.org/abs/2305.16944v3
|
Tianyi Tang, Yushuo Chen, Yifan Du, Junyi Li, Wayne Xin Zhao, Ji-Rong Wen
|
2023-06-15T06:25:34Z
|
cs.CL
|
People often imagine relevant scenes to aid in the writing process. In this
work, we aim to utilize visual information for composition in the same manner
as humans. We propose a method, LIVE, that makes pre-trained language models
(PLMs) Learn to Imagine for Visuallyaugmented natural language gEneration.
First, we imagine the scene based on the text: we use a diffusion model to
synthesize high-quality images conditioned on the input texts. Second, we use
CLIP to determine whether the text can evoke the imagination in a posterior
way. Finally, our imagination is dynamic, and we conduct synthesis for each
sentence rather than generate only one image for an entire paragraph.
Technically, we propose a novel plug-and-play fusion layer to obtain
visually-augmented representations for each text. Our vision-text fusion layer
is compatible with Transformerbased architecture. We have conducted extensive
experiments on four generation tasks using BART and T5, and the automatic
results and human evaluation demonstrate the effectiveness of our proposed
method. We will release the code, model, and data at the link:
https://github.com/RUCAIBox/LIVE.
|
cs.CL
|
Learning to Imagine: Visually-Augmented Natural Language Generation
|
2023-05-26T13:55:17Z
|
http://arxiv.org/pdf/2305.16938v2
|
http://arxiv.org/abs/2305.16938v2
|
Marius Mosbach, Tiago Pimentel, Shauli Ravfogel, Dietrich Klakow, Yanai Elazar
|
2023-05-30T08:34:49Z
|
cs.CL
|
Few-shot fine-tuning and in-context learning are two alternative strategies
for task adaptation of pre-trained language models. Recently, in-context
learning has gained popularity over fine-tuning due to its simplicity and
improved out-of-domain generalization, and because extensive evidence shows
that fine-tuned models pick up on spurious correlations. Unfortunately,
previous comparisons of the two approaches were done using models of different
sizes. This raises the question of whether the observed weaker out-of-domain
generalization of fine-tuned models is an inherent property of fine-tuning or a
limitation of the experimental setup. In this paper, we compare the
generalization of few-shot fine-tuning and in-context learning to challenge
datasets, while controlling for the models used, the number of examples, and
the number of parameters, ranging from 125M to 30B. Our results show that
fine-tuned language models can in fact generalize well out-of-domain. We find
that both approaches generalize similarly; they exhibit large variation and
depend on properties such as model size and the number of examples,
highlighting that robust task adaptation remains a challenge.
|
cs.CL
|
Few-shot Fine-tuning vs. In-context Learning: A Fair Comparison and Evaluation
|
2023-05-26T13:53:15Z
|
http://arxiv.org/pdf/2305.16937v1
|
http://arxiv.org/abs/2305.16937v1
|
Bum Chul Kwon, Nandana Mihindukulasooriya
|
2023-05-26T13:53:15Z
|
cs.CL, cs.AI, cs.HC
|
Pre-trained transformer-based language models are becoming increasingly
popular due to their exceptional performance on various benchmarks. However,
concerns persist regarding the presence of hidden biases within these models,
which can lead to discriminatory outcomes and reinforce harmful stereotypes. To
address this issue, we propose Finspector, a human-centered visual inspection
tool designed to detect biases in different categories through log-likelihood
scores generated by language models. The goal of the tool is to enable
researchers to easily identify potential biases using visual analytics,
ultimately contributing to a fairer and more just deployment of these models in
both academic and industrial settings. Finspector is available at
https://github.com/IBM/finspector.
|
cs.CL
|
Finspector: A Human-Centered Visual Inspection Tool for Exploring and Comparing Biases among Foundation Models
|
2023-05-26T13:51:50Z
|
http://arxiv.org/pdf/2305.16935v1
|
http://arxiv.org/abs/2305.16935v1
|
Lena Cabrera, Jan Niehues
|
2023-05-26T13:51:50Z
|
cs.CL
|
Neural machine translation (NMT) models often suffer from gender biases that
harm users and society at large. In this work, we explore how bridging the gap
between languages for which parallel data is not available affects gender bias
in multilingual NMT, specifically for zero-shot directions. We evaluate
translation between grammatical gender languages which requires preserving the
inherent gender information from the source in the target language. We study
the effect of encouraging language-agnostic hidden representations on models'
ability to preserve gender and compare pivot-based and zero-shot translation
regarding the influence of the bridge language (participating in all language
pairs during training) on gender preservation. We find that language-agnostic
representations mitigate zero-shot models' masculine bias, and with increased
levels of gender inflection in the bridge language, pivoting surpasses
zero-shot translation regarding fairer gender preservation for speaker-related
gender agreement.
|
cs.CL
|
Gender Lost In Translation: How Bridging The Gap Between Languages Affects Gender Bias in Zero-Shot Multilingual Translation
|
2023-05-26T13:49:44Z
|
http://arxiv.org/pdf/2305.16934v2
|
http://arxiv.org/abs/2305.16934v2
|
Yunqing Zhao, Tianyu Pang, Chao Du, Xiao Yang, Chongxuan Li, Ngai-Man Cheung, Min Lin
|
2023-10-29T12:32:19Z
|
cs.CV, cs.CL, cs.CR, cs.LG, cs.MM
|
Large vision-language models (VLMs) such as GPT-4 have achieved unprecedented
performance in response generation, especially with visual inputs, enabling
more creative and adaptable interaction than large language models such as
ChatGPT. Nonetheless, multimodal generation exacerbates safety concerns, since
adversaries may successfully evade the entire system by subtly manipulating the
most vulnerable modality (e.g., vision). To this end, we propose evaluating the
robustness of open-source large VLMs in the most realistic and high-risk
setting, where adversaries have only black-box system access and seek to
deceive the model into returning the targeted responses. In particular, we
first craft targeted adversarial examples against pretrained models such as
CLIP and BLIP, and then transfer these adversarial examples to other VLMs such
as MiniGPT-4, LLaVA, UniDiffuser, BLIP-2, and Img2Prompt. In addition, we
observe that black-box queries on these VLMs can further improve the
effectiveness of targeted evasion, resulting in a surprisingly high success
rate for generating targeted responses. Our findings provide a quantitative
understanding regarding the adversarial vulnerability of large VLMs and call
for a more thorough examination of their potential security flaws before
deployment in practice. Code is at https://github.com/yunqing-me/AttackVLM.
|
cs.CV
|
On Evaluating Adversarial Robustness of Large Vision-Language Models
|
2023-05-26T13:47:11Z
|
http://arxiv.org/pdf/2305.16932v1
|
http://arxiv.org/abs/2305.16932v1
|
Chen Chen, Chao-Han Huck Yang, Kai Li, Yuchen Hu, Pin-Jui Ku, Eng Siong Chng
|
2023-05-26T13:47:11Z
|
cs.SD, cs.CL, eess.AS
|
In this work, we introduce S4M, a new efficient speech separation framework
based on neural state-space models (SSM). Motivated by linear time-invariant
systems for sequence modeling, our SSM-based approach can efficiently model
input signals into a format of linear ordinary differential equations (ODEs)
for representation learning. To extend the SSM technique into speech separation
tasks, we first decompose the input mixture into multi-scale representations
with different resolutions. This mechanism enables S4M to learn globally
coherent separation and reconstruction. The experimental results show that S4M
performs comparably to other separation backbones in terms of SI-SDRi, while
having a much lower model complexity with significantly fewer trainable
parameters. In addition, our S4M-tiny model (1.8M parameters) even surpasses
attention-based Sepformer (26.0M parameters) in noisy conditions with only 9.2
of multiply-accumulate operation (MACs).
|
cs.SD
|
A Neural State-Space Model Approach to Efficient Speech Separation
|
2023-05-26T13:30:48Z
|
http://arxiv.org/pdf/2305.16917v1
|
http://arxiv.org/abs/2305.16917v1
|
Suet-Ying Lam, Qingcheng Zeng, Kexun Zhang, Chenyu You, Rob Voigt
|
2023-05-26T13:30:48Z
|
cs.CL
|
While a large body of literature suggests that large language models (LLMs)
acquire rich linguistic representations, little is known about whether they
adapt to linguistic biases in a human-like way. The present study probes this
question by asking whether LLMs display human-like referential biases using
stimuli and procedures from real psycholinguistic experiments. Recent
psycholinguistic studies suggest that humans adapt their referential biases
with recent exposure to referential patterns; closely replicating three
relevant psycholinguistic experiments from Johnson & Arnold (2022) in an
in-context learning (ICL) framework, we found that InstructGPT adapts its
pronominal interpretations in response to the frequency of referential patterns
in the local discourse, though in a limited fashion: adaptation was only
observed relative to syntactic but not semantic biases. By contrast, FLAN-UL2
fails to generate meaningful patterns. Our results provide further evidence
that contemporary LLMs discourse representations are sensitive to syntactic
patterns in the local context but less so to semantic patterns. Our data and
code are available at \url{https://github.com/zkx06111/llm_priming}.
|
cs.CL
|
Large Language Models Are Partially Primed in Pronoun Interpretation
|
2023-05-26T13:24:49Z
|
http://arxiv.org/pdf/2305.18239v1
|
http://arxiv.org/abs/2305.18239v1
|
Hayeon Lee, Rui Hou, Jongpil Kim, Davis Liang, Sung Ju Hwang, Alexander Min
|
2023-05-26T13:24:49Z
|
cs.CL, cs.AI
|
Distillation from Weak Teacher (DWT) is a method of transferring knowledge
from a smaller, weaker teacher model to a larger student model to improve its
performance. Previous studies have shown that DWT can be effective in the
vision domain and natural language processing (NLP) pre-training stage.
Specifically, DWT shows promise in practical scenarios, such as enhancing new
generation or larger models using pre-trained yet older or smaller models and
lacking a resource budget. However, the optimal conditions for using DWT have
yet to be fully investigated in NLP pre-training. Therefore, this study
examines three key factors to optimize DWT, distinct from those used in the
vision domain or traditional knowledge distillation. These factors are: (i) the
impact of teacher model quality on DWT effectiveness, (ii) guidelines for
adjusting the weighting value for DWT loss, and (iii) the impact of parameter
remapping as a student model initialization technique for DWT.
|
cs.CL
|
A Study on Knowledge Distillation from Weak Teacher for Scaling Up Pre-trained Language Models
|
2023-05-26T13:01:29Z
|
http://arxiv.org/pdf/2305.16897v1
|
http://arxiv.org/abs/2305.16897v1
|
Yuta Nishikawa, Satoshi Nakamura
|
2023-05-26T13:01:29Z
|
cs.CL, cs.SD, eess.AS
|
In end-to-end speech translation, speech and text pre-trained models improve
translation quality. Recently proposed models simply connect the pre-trained
models of speech and text as encoder and decoder. Therefore, only the
information from the final layer of encoders is input to the decoder. Since it
is clear that the speech pre-trained model outputs different information from
each layer, the simple connection method cannot fully utilize the information
that the speech pre-trained model has. In this study, we propose an
inter-connection mechanism that aggregates the information from each layer of
the speech pre-trained model by weighted sums and inputs into the decoder. This
mechanism increased BLEU by approximately 2 points in en-de, en-ja, and en-zh
by increasing parameters by 2K when the speech pre-trained model was frozen.
Furthermore, we investigated the contribution of each layer for each language
by visualizing layer weights and found that the contributions were different.
|
cs.CL
|
Inter-connection: Effective Connection between Pre-trained Encoder and Decoder for Speech Translation
|
2023-05-26T13:00:58Z
|
http://arxiv.org/pdf/2305.16896v1
|
http://arxiv.org/abs/2305.16896v1
|
Tatsuro Inaba, Hirokazu Kiyomaru, Fei Cheng, Sadao Kurohashi
|
2023-05-26T13:00:58Z
|
cs.CL, cs.AI, cs.LG
|
Large language models (LLMs) have achieved impressive performance on various
reasoning tasks. To further improve the performance, we propose MultiTool-CoT,
a novel framework that leverages chain-of-thought (CoT) prompting to
incorporate multiple external tools, such as a calculator and a knowledge
retriever, during the reasoning process. We apply MultiTool-CoT to the Task 2
dataset of NumGLUE, which requires both numerical reasoning and domain-specific
knowledge. The experiments show that our method significantly outperforms
strong baselines and achieves state-of-the-art performance.
|
cs.CL
|
MultiTool-CoT: GPT-3 Can Use Multiple External Tools with Chain of Thought Prompting
|
2023-05-26T12:54:44Z
|
http://arxiv.org/pdf/2305.16895v1
|
http://arxiv.org/abs/2305.16895v1
|
Shen Gao, Zhitao Yao, Chongyang Tao, Xiuying Chen, Pengjie Ren, Zhaochun Ren, Zhumin Chen
|
2023-05-26T12:54:44Z
|
cs.CL, cs.AI
|
Summarization quality evaluation is a non-trivial task in text summarization.
Contemporary methods can be mainly categorized into two scenarios: (1)
reference-based: evaluating with human-labeled reference summary; (2)
reference-free: evaluating the summary consistency of the document. Recent
studies mainly focus on one of these scenarios and explore training neural
models built on PLMs to align with human criteria. However, the models from
different scenarios are optimized individually, which may result in sub-optimal
performance since they neglect the shared knowledge across different scenarios.
Besides, designing individual models for each scenario caused inconvenience to
the user. Inspired by this, we propose Unified Multi-scenario Summarization
Evaluation Model (UMSE). More specifically, we propose a perturbed prefix
tuning method to share cross-scenario knowledge between scenarios and use a
self-supervised training paradigm to optimize the model without extra human
labeling. Our UMSE is the first unified summarization evaluation framework
engaged with the ability to be used in three evaluation scenarios. Experimental
results across three typical scenarios on the benchmark dataset SummEval
indicate that our UMSE can achieve comparable performance with several existing
strong methods which are specifically designed for each scenario.
|
cs.CL
|
UMSE: Unified Multi-scenario Summarization Evaluation
|
2023-05-26T12:54:16Z
|
http://arxiv.org/pdf/2305.16894v1
|
http://arxiv.org/abs/2305.16894v1
|
Dominik Macháček, Peter Polák, Ondřej Bojar, Raj Dabre
|
2023-05-26T12:54:16Z
|
cs.CL
|
Automatic speech translation is sensitive to speech recognition errors, but
in a multilingual scenario, the same content may be available in various
languages via simultaneous interpreting, dubbing or subtitling. In this paper,
we hypothesize that leveraging multiple sources will improve translation
quality if the sources complement one another in terms of correct information
they contain. To this end, we first show that on a 10-hour ESIC corpus, the ASR
errors in the original English speech and its simultaneous interpreting into
German and Czech are mutually independent. We then use two sources, English and
German, in a multi-source setting for translation into Czech to establish its
robustness to ASR errors. Furthermore, we observe this robustness when
translating both noisy sources together in a simultaneous translation setting.
Our results show that multi-source neural machine translation has the potential
to be useful in a real-time simultaneous translation setting, thereby
motivating further investigation in this area.
|
cs.CL
|
Robustness of Multi-Source MT to Transcription Errors
|
2023-05-26T12:41:49Z
|
http://arxiv.org/pdf/2305.16885v1
|
http://arxiv.org/abs/2305.16885v1
|
Ke Ji, Yixin Lian, Jingsheng Gao, Baoyuan Wang
|
2023-05-26T12:41:49Z
|
cs.CL
|
Due to the complex label hierarchy and intensive labeling cost in practice,
the hierarchical text classification (HTC) suffers a poor performance
especially when low-resource or few-shot settings are considered. Recently,
there is a growing trend of applying prompts on pre-trained language models
(PLMs), which has exhibited effectiveness in the few-shot flat text
classification tasks. However, limited work has studied the paradigm of
prompt-based learning in the HTC problem when the training data is extremely
scarce. In this work, we define a path-based few-shot setting and establish a
strict path-based evaluation metric to further explore few-shot HTC tasks. To
address the issue, we propose the hierarchical verbalizer ("HierVerb"), a
multi-verbalizer framework treating HTC as a single- or multi-label
classification problem at multiple layers and learning vectors as verbalizers
constrained by hierarchical structure and hierarchical contrastive learning. In
this manner, HierVerb fuses label hierarchy knowledge into verbalizers and
remarkably outperforms those who inject hierarchy through graph encoders,
maximizing the benefits of PLMs. Extensive experiments on three popular HTC
datasets under the few-shot settings demonstrate that prompt with HierVerb
significantly boosts the HTC performance, meanwhile indicating an elegant way
to bridge the gap between the large pre-trained model and downstream
hierarchical classification tasks. Our code and few-shot dataset are publicly
available at https://github.com/1KE-JI/HierVerb.
|
cs.CL
|
Hierarchical Verbalizer for Few-Shot Hierarchical Text Classification
|
2023-05-26T12:17:59Z
|
http://arxiv.org/pdf/2305.16867v1
|
http://arxiv.org/abs/2305.16867v1
|
Elif Akata, Lion Schulz, Julian Coda-Forno, Seong Joon Oh, Matthias Bethge, Eric Schulz
|
2023-05-26T12:17:59Z
|
cs.CL
|
Large Language Models (LLMs) are transforming society and permeating into
diverse applications. As a result, LLMs will frequently interact with us and
other agents. It is, therefore, of great societal value to understand how LLMs
behave in interactive social settings. Here, we propose to use behavioral game
theory to study LLM's cooperation and coordination behavior. To do so, we let
different LLMs (GPT-3, GPT-3.5, and GPT-4) play finitely repeated games with
each other and with other, human-like strategies. Our results show that LLMs
generally perform well in such tasks and also uncover persistent behavioral
signatures. In a large set of two players-two strategies games, we find that
LLMs are particularly good at games where valuing their own self-interest pays
off, like the iterated Prisoner's Dilemma family. However, they behave
sub-optimally in games that require coordination. We, therefore, further focus
on two games from these distinct families. In the canonical iterated Prisoner's
Dilemma, we find that GPT-4 acts particularly unforgivingly, always defecting
after another agent has defected only once. In the Battle of the Sexes, we find
that GPT-4 cannot match the behavior of the simple convention to alternate
between options. We verify that these behavioral signatures are stable across
robustness checks. Finally, we show how GPT-4's behavior can be modified by
providing further information about the other player as well as by asking it to
predict the other player's actions before making a choice. These results enrich
our understanding of LLM's social behavior and pave the way for a behavioral
game theory for machines.
|
cs.CL
|
Playing repeated games with Large Language Models
|
2023-05-26T12:15:54Z
|
http://arxiv.org/pdf/2305.16863v2
|
http://arxiv.org/abs/2305.16863v2
|
Parikshit Bansal, Amit Sharma
|
2023-06-21T07:06:15Z
|
cs.LG, cs.CL
|
To address the problem of NLP classifiers learning spurious correlations
between training features and target labels, a common approach is to make the
model's predictions invariant to these features. However, this can be
counter-productive when the features have a non-zero causal effect on the
target label and thus are important for prediction. Therefore, using methods
from the causal inference literature, we propose an algorithm to regularize the
learnt effect of the features on the model's prediction to the estimated effect
of feature on label. This results in an automated augmentation method that
leverages the estimated effect of a feature to appropriately change the labels
for new augmented inputs. On toxicity and IMDB review datasets, the proposed
algorithm minimises spurious correlations and improves the minority group
(i.e., samples breaking spurious correlations) accuracy, while also improving
the total accuracy compared to standard training.
|
cs.LG
|
Controlling Learned Effects to Reduce Spurious Correlations in Text Classifiers
|
2023-05-26T12:12:15Z
|
http://arxiv.org/pdf/2305.16859v1
|
http://arxiv.org/abs/2305.16859v1
|
Juraj Vladika, Florian Matthes
|
2023-05-26T12:12:15Z
|
cs.CL
|
The task of fact-checking deals with assessing the veracity of factual claims
based on credible evidence and background knowledge. In particular, scientific
fact-checking is the variation of the task concerned with verifying claims
rooted in scientific knowledge. This task has received significant attention
due to the growing importance of scientific and health discussions on online
platforms. Automated scientific fact-checking methods based on NLP can help
combat the spread of misinformation, assist researchers in knowledge discovery,
and help individuals understand new scientific breakthroughs. In this paper, we
present a comprehensive survey of existing research in this emerging field and
its related tasks. We provide a task description, discuss the construction
process of existing datasets, and analyze proposed models and approaches. Based
on our findings, we identify intriguing challenges and outline potential future
directions to advance the field.
|
cs.CL
|
Scientific Fact-Checking: A Survey of Resources and Approaches
|
2023-05-26T12:04:33Z
|
http://arxiv.org/pdf/2305.16852v1
|
http://arxiv.org/abs/2305.16852v1
|
Benjamin Towle, Ke Zhou
|
2023-05-26T12:04:33Z
|
cs.CL, cs.AI, cs.LG
|
Smart Reply (SR) systems present a user with a set of replies, of which one
can be selected in place of having to type out a response. To perform well at
this task, a system should be able to effectively present the user with a
diverse set of options, to maximise the chance that at least one of them
conveys the user's desired response. This is a significant challenge, due to
the lack of datasets containing sets of responses to learn from. Resultantly,
previous work has focused largely on post-hoc diversification, rather than
explicitly learning to predict sets of responses. Motivated by this problem, we
present a novel method SimSR, that employs model-based simulation to discover
high-value response sets, through simulating possible user responses with a
learned world model. Unlike previous approaches, this allows our method to
directly optimise the end-goal of SR--maximising the relevance of at least one
of the predicted replies. Empirically on two public datasets, when compared to
SoTA baselines, our method achieves up to 21% and 18% improvement in ROUGE
score and Self-ROUGE score respectively.
|
cs.CL
|
Model-Based Simulation for Optimising Smart Reply
|
2023-05-26T11:51:31Z
|
http://arxiv.org/pdf/2305.18350v1
|
http://arxiv.org/abs/2305.18350v1
|
Liyan Xu, Chenwei Zhang, Xian Li, Jingbo Shang, Jinho D. Choi
|
2023-05-26T11:51:31Z
|
cs.LG, cs.CL, cs.IR
|
We present a new task setting for attribute mining on e-commerce products,
serving as a practical solution to extract open-world attributes without
extensive human intervention. Our supervision comes from a high-quality seed
attribute set bootstrapped from existing resources, and we aim to expand the
attribute vocabulary of existing seed types, and also to discover any new
attribute types automatically. A new dataset is created to support our setting,
and our approach Amacer is proposed specifically to tackle the limited
supervision. Especially, given that no direct supervision is available for
those unseen new attributes, our novel formulation exploits self-supervised
heuristic and unsupervised latent attributes, which attains implicit semantic
signals as additional supervision by leveraging product context. Experiments
suggest that our approach surpasses various baselines by 12 F1, expanding
attributes of existing types significantly by up to 12 times, and discovering
values from 39% new types.
|
cs.LG
|
Towards Open-World Product Attribute Mining: A Lightly-Supervised Approach
|
2023-05-26T11:47:52Z
|
http://arxiv.org/pdf/2305.16843v1
|
http://arxiv.org/abs/2305.16843v1
|
Anian Ruoss, Grégoire Delétang, Tim Genewein, Jordi Grau-Moya, Róbert Csordás, Mehdi Bennani, Shane Legg, Joel Veness
|
2023-05-26T11:47:52Z
|
cs.LG, cs.AI, cs.CL, stat.ML
|
Transformers have impressive generalization capabilities on tasks with a
fixed context length. However, they fail to generalize to sequences of
arbitrary length, even for seemingly simple tasks such as duplicating a string.
Moreover, simply training on longer sequences is inefficient due to the
quadratic computation complexity of the global attention mechanism. In this
work, we demonstrate that this failure mode is linked to positional encodings
being out-of-distribution for longer sequences (even for relative encodings)
and introduce a novel family of positional encodings that can overcome this
problem. Concretely, our randomized positional encoding scheme simulates the
positions of longer sequences and randomly selects an ordered subset to fit the
sequence's length. Our large-scale empirical evaluation of 6000 models across
15 algorithmic reasoning tasks shows that our method allows Transformers to
generalize to sequences of unseen length (increasing test accuracy by 12.0% on
average).
|
cs.LG
|
Randomized Positional Encodings Boost Length Generalization of Transformers
|
2023-05-26T11:24:32Z
|
http://arxiv.org/pdf/2305.16834v1
|
http://arxiv.org/abs/2305.16834v1
|
Fabian David Schmidt, Ivan Vulić, Goran Glavaš
|
2023-05-26T11:24:32Z
|
cs.CL
|
Massively multilingual language models have displayed strong performance in
zero-shot (ZS-XLT) and few-shot (FS-XLT) cross-lingual transfer setups, where
models fine-tuned on task data in a source language are transferred without any
or with only a few annotated instances to the target language(s). However,
current work typically overestimates model performance as fine-tuned models are
frequently evaluated at model checkpoints that generalize best to validation
instances in the target languages. This effectively violates the main
assumptions of "true" ZS-XLT and FS-XLT. Such XLT setups require robust methods
that do not depend on labeled target language data for validation and model
selection. In this work, aiming to improve the robustness of "true" ZS-XLT and
FS-XLT, we propose a simple and effective method that averages different
checkpoints (i.e., model snapshots) during task fine-tuning. We conduct
exhaustive ZS-XLT and FS-XLT experiments across higher-level semantic tasks
(NLI, extractive QA) and lower-level token classification tasks (NER, POS). The
results indicate that averaging model checkpoints yields systematic and
consistent performance gains across diverse target languages in all tasks.
Importantly, it simultaneously substantially desensitizes XLT to varying
hyperparameter choices in the absence of target language validation. We also
show that checkpoint averaging benefits performance when further combined with
run averaging (i.e., averaging the parameters of models fine-tuned over
independent runs).
|
cs.CL
|
Free Lunch: Robust Cross-Lingual Transfer via Model Checkpoint Averaging
|
2023-05-26T11:23:26Z
|
http://arxiv.org/pdf/2305.16833v1
|
http://arxiv.org/abs/2305.16833v1
|
Wei Chen, Shiqi Wei, Zhongyu Wei, Xuanjing Huang
|
2023-05-26T11:23:26Z
|
cs.CL
|
Symptom diagnosis in medical conversations aims to correctly extract both
symptom entities and their status from the doctor-patient dialogue. In this
paper, we propose a novel framework called KNSE for symptom status recognition
(SSR), where the SSR is formulated as a natural language inference (NLI) task.
For each mentioned symptom in a dialogue window, we first generate knowledge
about the symptom and hypothesis about status of the symptom, to form a
(premise, knowledge, hypothesis) triplet. The BERT model is then used to encode
the triplet, which is further processed by modules including utterance
aggregation, self-attention, cross-attention, and GRU to predict the symptom
status. Benefiting from the NLI formalization, the proposed framework can
encode more informative prior knowledge to better localize and track symptom
status, which can effectively improve the performance of symptom status
recognition. Preliminary experiments on Chinese medical dialogue datasets show
that KNSE outperforms previous competitive baselines and has advantages in
cross-disease and cross-symptom scenarios.
|
cs.CL
|
KNSE: A Knowledge-aware Natural Language Inference Framework for Dialogue Symptom Status Recognition
|
2023-05-26T11:11:19Z
|
http://arxiv.org/pdf/2305.16826v1
|
http://arxiv.org/abs/2305.16826v1
|
Heejin Do, Yunsu Kim, Gary Geunbae Lee
|
2023-05-26T11:11:19Z
|
cs.CL, cs.AI
|
Automated essay scoring (AES) aims to score essays written for a given
prompt, which defines the writing topic. Most existing AES systems assume to
grade essays of the same prompt as used in training and assign only a holistic
score. However, such settings conflict with real-education situations;
pre-graded essays for a particular prompt are lacking, and detailed trait
scores of sub-rubrics are required. Thus, predicting various trait scores of
unseen-prompt essays (called cross-prompt essay trait scoring) is a remaining
challenge of AES. In this paper, we propose a robust model: prompt- and trait
relation-aware cross-prompt essay trait scorer. We encode prompt-aware essay
representation by essay-prompt attention and utilizing the topic-coherence
feature extracted by the topic-modeling mechanism without access to labeled
data; therefore, our model considers the prompt adherence of an essay, even in
a cross-prompt setting. To facilitate multi-trait scoring, we design
trait-similarity loss that encapsulates the correlations of traits. Experiments
prove the efficacy of our model, showing state-of-the-art results for all
prompts and traits. Significant improvements in low-resource-prompt and
inferior traits further indicate our model's strength.
|
cs.CL
|
Prompt- and Trait Relation-aware Cross-prompt Essay Trait Scoring
|
2023-05-26T11:07:25Z
|
http://arxiv.org/pdf/2305.18226v2
|
http://arxiv.org/abs/2305.18226v2
|
Christoforos Vasilatos, Manaar Alam, Talal Rahwan, Yasir Zaki, Michail Maniatakos
|
2023-06-07T11:43:44Z
|
cs.CL, cs.AI
|
As the use of Large Language Models (LLMs) in text generation tasks
proliferates, concerns arise over their potential to compromise academic
integrity. The education sector currently tussles with distinguishing
student-authored homework assignments from AI-generated ones. This paper
addresses the challenge by introducing HowkGPT, designed to identify homework
assignments generated by AI. HowkGPT is built upon a dataset of academic
assignments and accompanying metadata [17] and employs a pretrained LLM to
compute perplexity scores for student-authored and ChatGPT-generated responses.
These scores then assist in establishing a threshold for discerning the origin
of a submitted assignment. Given the specificity and contextual nature of
academic work, HowkGPT further refines its analysis by defining
category-specific thresholds derived from the metadata, enhancing the precision
of the detection. This study emphasizes the critical need for effective
strategies to uphold academic integrity amidst the growing influence of LLMs
and provides an approach to ensuring fair and accurate grading in educational
institutions.
|
cs.CL
|
HowkGPT: Investigating the Detection of ChatGPT-generated University Student Homework through Context-Aware Perplexity Analysis
|
2023-05-26T11:02:38Z
|
http://arxiv.org/pdf/2305.16820v2
|
http://arxiv.org/abs/2305.16820v2
|
Pranav Ajit Nair, Sukomal Pal, Pradeepika Verma
|
2023-05-29T06:19:48Z
|
cs.CL, cs.AI
|
Domain generalization is hitherto an underexplored area applied in
abstractive summarization. Moreover, most existing works on domain
generalization have sophisticated training algorithms. In this paper, we
propose a lightweight, weight averaging based, Domain Aligned Prefix Averaging
approach to domain generalization for abstractive summarization. Given a number
of source domains, our method first trains a prefix for each one of them. These
source prefixes generate summaries for a small number of target domain
documents. The similarity of the generated summaries to their corresponding
documents is used for calculating weights required to average source prefixes.
In DAPA, prefix tuning allows for lightweight finetuning, and weight averaging
allows for the computationally efficient addition of new source domains. When
evaluated on four diverse summarization domains, DAPA shows comparable or
better performance against the baselines, demonstrating the effectiveness of
its prefix averaging scheme.
|
cs.CL
|
Domain Aligned Prefix Averaging for Domain Generalization in Abstractive Summarization
|
2023-05-26T11:00:04Z
|
http://arxiv.org/pdf/2305.16819v1
|
http://arxiv.org/abs/2305.16819v1
|
Julius Steen, Juri Opitz, Anette Frank, Katja Markert
|
2023-05-26T11:00:04Z
|
cs.CL
|
Conditional language models still generate unfaithful output that is not
supported by their input. These unfaithful generations jeopardize trust in
real-world applications such as summarization or human-machine interaction,
motivating a need for automatic faithfulness metrics. To implement such
metrics, NLI models seem attractive, since they solve a strongly related task
that comes with a wealth of prior research and data. But recent research
suggests that NLI models require costly additional machinery to perform
reliably across datasets, e.g., by running inference on a cartesian product of
input and generated sentences, or supporting them with a
question-generation/answering step.
In this work we show that pure NLI models _can_ outperform more complex
metrics when combining task-adaptive data augmentation with robust inference
procedures. We propose: (1) Augmenting NLI training data to adapt NL inferences
to the specificities of faithfulness prediction in dialogue; (2) Making use of
both entailment and contradiction probabilities in NLI, and (3) Using
Monte-Carlo dropout during inference. Applied to the TRUE benchmark, which
combines faithfulness datasets across diverse domains and tasks, our approach
strongly improves a vanilla NLI model and significantly outperforms previous
work, while showing favourable computational cost.
|
cs.CL
|
With a Little Push, NLI Models can Robustly and Efficiently Predict Faithfulness
|
2023-05-26T10:50:17Z
|
http://arxiv.org/pdf/2305.16816v1
|
http://arxiv.org/abs/2305.16816v1
|
Longshen Ou, Xichu Ma, Min-Yen Kan, Ye Wang
|
2023-05-26T10:50:17Z
|
cs.CL, 68T50
|
The development of general-domain neural machine translation (NMT) methods
has advanced significantly in recent years, but the lack of naturalness and
musical constraints in the outputs makes them unable to produce singable lyric
translations. This paper bridges the singability quality gap by formalizing
lyric translation into a constrained translation problem, converting
theoretical guidance and practical techniques from translatology literature to
prompt-driven NMT approaches, exploring better adaptation methods, and
instantiating them to an English-Chinese lyric translation system. Our model
achieves 99.85%, 99.00%, and 95.52% on length accuracy, rhyme accuracy, and
word boundary recall. In our subjective evaluation, our model shows a 75%
relative enhancement on overall quality, compared against naive fine-tuning
(Code available at https://github.com/Sonata165/ControllableLyricTranslation).
|
cs.CL
|
Songs Across Borders: Singable and Controllable Neural Lyric Translation
|
2023-05-26T10:43:42Z
|
http://arxiv.org/pdf/2305.16811v1
|
http://arxiv.org/abs/2305.16811v1
|
Zhangyin Feng, Yuchen Ren, Xinmiao Yu, Xiaocheng Feng, Duyu Tang, Shuming Shi, Bing Qin
|
2023-05-26T10:43:42Z
|
cs.CV, cs.CL
|
Diffusion models developed on top of powerful text-to-image generation models
like Stable Diffusion achieve remarkable success in visual story generation.
However, the best-performing approach considers historically generated results
as flattened memory cells, ignoring the fact that not all preceding images
contribute equally to the generation of the characters and scenes at the
current stage. To address this, we present a simple method that improves the
leading system with adaptive context modeling, which is not only incorporated
in the encoder but also adopted as additional guidance in the sampling stage to
boost the global consistency of the generated story. We evaluate our model on
PororoSV and FlintstonesSV datasets and show that our approach achieves
state-of-the-art FID scores on both story visualization and continuation
scenarios. We conduct detailed model analysis and show that our model excels at
generating semantically consistent images for stories.
|
cs.CV
|
Improved Visual Story Generation with Adaptive Context Modeling
|
2023-05-26T10:42:21Z
|
http://arxiv.org/pdf/2305.16809v3
|
http://arxiv.org/abs/2305.16809v3
|
Arun Balajiee Lekshmi Narayanan, Ligia E. Gomez, Martha Michelle Soto Fernandez, Tri Nguyen, Chris Blais, M. Adelaida Restrepo, Art Glenberg
|
2023-09-25T17:37:37Z
|
cs.CL, cs.AI, cs.HC
|
When caregivers ask open--ended questions to motivate dialogue with children,
it facilitates the child's reading comprehension skills.Although there is scope
for use of technological tools, referred here as "intelligent tutoring
systems", to scaffold this process, it is currently unclear whether existing
intelligent systems that generate human--language like questions is beneficial.
Additionally, training data used in the development of these automated question
generation systems is typically sourced without attention to demographics, but
people with different cultural backgrounds may ask different questions. As a
part of a broader project to design an intelligent reading support app for
Latinx children, we crowdsourced questions from Latinx caregivers and
noncaregivers as well as caregivers and noncaregivers from other demographics.
We examine variations in question--asking within this dataset mediated by
individual, cultural, and contextual factors. We then design a system that
automatically extracts templates from this data to generate open--ended
questions that are representative of those asked by Latinx caregivers.
|
cs.CL
|
GenQ: Automated Question Generation to Support Caregivers While Reading Stories with Children
|
2023-05-26T10:38:31Z
|
http://arxiv.org/pdf/2305.16806v4
|
http://arxiv.org/abs/2305.16806v4
|
Vikas Raunak, Arul Menezes, Matt Post, Hany Hassan Awadalla
|
2023-06-06T03:15:43Z
|
cs.CL, cs.AI
|
Large Language Models (LLMs) such as GPT-3 have emerged as general-purpose
language models capable of addressing many natural language generation or
understanding tasks. On the task of Machine Translation (MT), multiple works
have investigated few-shot prompting mechanisms to elicit better translations
from LLMs. However, there has been relatively little investigation on how such
translations differ qualitatively from the translations generated by standard
Neural Machine Translation (NMT) models. In this work, we investigate these
differences in terms of the literalness of translations produced by the two
systems. Using literalness measures involving word alignment and monotonicity,
we find that translations out of English (E-X) from GPTs tend to be less
literal, while exhibiting similar or better scores on MT quality metrics. We
demonstrate that this finding is borne out in human evaluations as well. We
then show that these differences are especially pronounced when translating
sentences that contain idiomatic expressions.
|
cs.CL
|
Do GPTs Produce Less Literal Translations?
|
2023-05-26T10:30:23Z
|
http://arxiv.org/pdf/2305.16801v3
|
http://arxiv.org/abs/2305.16801v3
|
Evangelos G. Sartinas, Emmanouil Z. Psarakis, Dimitrios I. Kosmopoulos
|
2024-01-16T15:56:35Z
|
cs.CV, cs.CL, 68T45, 68U10, I.4.9; I.5.4; I.2.7
|
An interesting problem in many video-based applications is the generation of
short synopses by selecting the most informative frames, a procedure which is
known as video summarization. For sign language videos the benefits of using
the $t$-parameterized counterpart of the curvature of the 2-D signer's wrist
trajectory to identify keyframes, have been recently reported in the
literature. In this paper we extend these ideas by modeling the 3-D hand motion
that is extracted from each frame of the video. To this end we propose a new
informative function based on the $t$-parameterized curvature and torsion of
the 3-D trajectory. The method to characterize video frames as keyframes
depends on whether the motion occurs in 2-D or 3-D space. Specifically, in the
case of 3-D motion we look for the maxima of the harmonic mean of the curvature
and torsion of the target's trajectory; in the planar motion case we seek for
the maxima of the trajectory's curvature. The proposed 3-D feature is
experimentally evaluated in applications of sign language videos on (1)
objective measures using ground-truth keyframe annotations, (2) human-based
evaluation of understanding, and (3) gloss classification and the results
obtained are promising.
|
cs.CV
|
Motion-Based Sign Language Video Summarization using Curvature and Torsion
|
2023-05-26T10:19:54Z
|
http://arxiv.org/pdf/2305.16799v1
|
http://arxiv.org/abs/2305.16799v1
|
Gabriella Skitalinskaya, Henning Wachsmuth
|
2023-05-26T10:19:54Z
|
cs.CL
|
Optimizing the phrasing of argumentative text is crucial in higher education
and professional development. However, assessing whether and how the different
claims in a text should be revised is a hard task, especially for novice
writers. In this work, we explore the main challenges to identifying
argumentative claims in need of specific revisions. By learning from
collaborative editing behaviors in online debates, we seek to capture implicit
revision patterns in order to develop approaches aimed at guiding writers in
how to further improve their arguments. We systematically compare the ability
of common word embedding models to capture the differences between different
versions of the same text, and we analyze their impact on various types of
writing issues. To deal with the noisy nature of revision-based corpora, we
propose a new sampling strategy based on revision distance. Opposed to
approaches from prior work, such sampling can be done without employing
additional annotations and judgments. Moreover, we provide evidence that using
contextual information and domain knowledge can further improve prediction
results. How useful a certain type of context is, depends on the issue the
claim is suffering from, though.
|
cs.CL
|
To Revise or Not to Revise: Learning to Detect Improvable Claims for Argumentative Writing Support
|
2023-05-26T10:19:30Z
|
http://arxiv.org/pdf/2305.16798v1
|
http://arxiv.org/abs/2305.16798v1
|
Yue Feng, Yunlong Jiao, Animesh Prasad, Nikolaos Aletras, Emine Yilmaz, Gabriella Kazai
|
2023-05-26T10:19:30Z
|
cs.CL, cs.AI
|
User Satisfaction Modeling (USM) is one of the popular choices for
task-oriented dialogue systems evaluation, where user satisfaction typically
depends on whether the user's task goals were fulfilled by the system.
Task-oriented dialogue systems use task schema, which is a set of task
attributes, to encode the user's task goals. Existing studies on USM neglect
explicitly modeling the user's task goals fulfillment using the task schema. In
this paper, we propose SG-USM, a novel schema-guided user satisfaction modeling
framework. It explicitly models the degree to which the user's preferences
regarding the task attributes are fulfilled by the system for predicting the
user's satisfaction level. SG-USM employs a pre-trained language model for
encoding dialogue context and task attributes. Further, it employs a
fulfillment representation layer for learning how many task attributes have
been fulfilled in the dialogue, an importance predictor component for
calculating the importance of task attributes. Finally, it predicts the user
satisfaction based on task attribute fulfillment and task attribute importance.
Experimental results on benchmark datasets (i.e. MWOZ, SGD, ReDial, and JDDC)
show that SG-USM consistently outperforms competitive existing methods. Our
extensive analysis demonstrates that SG-USM can improve the interpretability of
user satisfaction modeling, has good scalability as it can effectively deal
with unseen tasks and can also effectively work in low-resource settings by
leveraging unlabeled data.
|
cs.CL
|
Schema-Guided User Satisfaction Modeling for Task-Oriented Dialogues
|
2023-05-26T10:19:04Z
|
http://arxiv.org/pdf/2305.16797v2
|
http://arxiv.org/abs/2305.16797v2
|
Loukas Ilias, Spiros Mouzakitis, Dimitris Askounis
|
2023-07-05T21:45:29Z
|
cs.CL
|
In today's fast-paced world, the rates of stress and depression present a
surge. Social media provide assistance for the early detection of mental health
conditions. Existing methods mainly introduce feature extraction approaches and
train shallow machine learning classifiers. Other researches use deep neural
networks or transformers. Despite the fact that transformer-based models
achieve noticeable improvements, they cannot often capture rich factual
knowledge. Although there have been proposed a number of studies aiming to
enhance the pretrained transformer-based models with extra information or
additional modalities, no prior work has exploited these modifications for
detecting stress and depression through social media. In addition, although the
reliability of a machine learning model's confidence in its predictions is
critical for high-risk applications, there is no prior work taken into
consideration the model calibration. To resolve the above issues, we present
the first study in the task of depression and stress detection in social media,
which injects extra linguistic information in transformer-based models, namely
BERT and MentalBERT. Specifically, the proposed approach employs a Multimodal
Adaptation Gate for creating the combined embeddings, which are given as input
to a BERT (or MentalBERT) model. For taking into account the model calibration,
we apply label smoothing. We test our proposed approaches in three publicly
available datasets and demonstrate that the integration of linguistic features
into transformer-based models presents a surge in the performance. Also, the
usage of label smoothing contributes to both the improvement of the model's
performance and the calibration of the model. We finally perform a linguistic
analysis of the posts and show differences in language between stressful and
non-stressful texts, as well as depressive and non-depressive posts.
|
cs.CL
|
Calibration of Transformer-based Models for Identifying Stress and Depression in Social Media
|
2023-05-26T09:51:47Z
|
http://arxiv.org/pdf/2305.16784v1
|
http://arxiv.org/abs/2305.16784v1
|
Dongqi Pu, Yifan Wang, Vera Demberg
|
2023-05-26T09:51:47Z
|
cs.CL, cs.AI, cs.LG
|
For text summarization, the role of discourse structure is pivotal in
discerning the core content of a text. Regrettably, prior studies on
incorporating Rhetorical Structure Theory (RST) into transformer-based
summarization models only consider the nuclearity annotation, thereby
overlooking the variety of discourse relation types. This paper introduces the
'RSTformer', a novel summarization model that comprehensively incorporates both
the types and uncertainty of rhetorical relations. Our RST-attention mechanism,
rooted in document-level rhetorical structure, is an extension of the recently
devised Longformer framework. Through rigorous evaluation, the model proposed
herein exhibits significant superiority over state-of-the-art models, as
evidenced by its notable performance on several automatic metrics and human
evaluation.
|
cs.CL
|
Incorporating Distributions of Discourse Structure for Long Document Abstractive Summarization
|
2023-05-26T09:31:12Z
|
http://arxiv.org/pdf/2305.16768v1
|
http://arxiv.org/abs/2305.16768v1
|
Fred Philippy, Siwen Guo, Shohreh Haddadan
|
2023-05-26T09:31:12Z
|
cs.CL, cs.AI
|
In recent years, pre-trained Multilingual Language Models (MLLMs) have shown
a strong ability to transfer knowledge across different languages. However,
given that the aspiration for such an ability has not been explicitly
incorporated in the design of the majority of MLLMs, it is challenging to
obtain a unique and straightforward explanation for its emergence. In this
review paper, we survey literature that investigates different factors
contributing to the capacity of MLLMs to perform zero-shot cross-lingual
transfer and subsequently outline and discuss these factors in detail. To
enhance the structure of this review and to facilitate consolidation with
future studies, we identify five categories of such factors. In addition to
providing a summary of empirical evidence from past studies, we identify
consensuses among studies with consistent findings and resolve conflicts among
contradictory ones. Our work contextualizes and unifies existing research
streams which aim at explaining the cross-lingual potential of MLLMs. This
review provides, first, an aligned reference point for future research and,
second, guidance for a better-informed and more efficient way of leveraging the
cross-lingual capacity of MLLMs.
|
cs.CL
|
Towards a Common Understanding of Contributing Factors for Cross-Lingual Transfer in Multilingual Language Models: A Review
|
2023-05-26T09:27:43Z
|
http://arxiv.org/pdf/2306.01761v1
|
http://arxiv.org/abs/2306.01761v1
|
Niful Islam, Debopom Sutradhar, Humaira Noor, Jarin Tasnim Raya, Monowara Tabassum Maisha, Dewan Md Farid
|
2023-05-26T09:27:43Z
|
cs.CL, cs.AI, cs.LG
|
ChatGPT is a conversational artificial intelligence that is a member of the
generative pre-trained transformer of the large language model family. This
text generative model was fine-tuned by both supervised learning and
reinforcement learning so that it can produce text documents that seem to be
written by natural intelligence. Although there are numerous advantages of this
generative model, it comes with some reasonable concerns as well. This paper
presents a machine learning-based solution that can identify the ChatGPT
delivered text from the human written text along with the comparative analysis
of a total of 11 machine learning and deep learning algorithms in the
classification process. We have tested the proposed model on a Kaggle dataset
consisting of 10,000 texts out of which 5,204 texts were written by humans and
collected from news and social media. On the corpus generated by GPT-3.5, the
proposed algorithm presents an accuracy of 77%.
|
cs.CL
|
Distinguishing Human Generated Text From ChatGPT Generated Text Using Machine Learning
|
2023-05-26T09:26:23Z
|
http://arxiv.org/pdf/2305.16765v1
|
http://arxiv.org/abs/2305.16765v1
|
John Hewitt, John Thickstun, Christopher D. Manning, Percy Liang
|
2023-05-26T09:26:23Z
|
cs.CL
|
We present Backpacks: a new neural architecture that marries strong modeling
performance with an interface for interpretability and control. Backpacks learn
multiple non-contextual sense vectors for each word in a vocabulary, and
represent a word in a sequence as a context-dependent, non-negative linear
combination of sense vectors in this sequence. We find that, after training,
sense vectors specialize, each encoding a different aspect of a word. We can
interpret a sense vector by inspecting its (non-contextual, linear) projection
onto the output space, and intervene on these interpretable hooks to change the
model's behavior in predictable ways. We train a 170M-parameter Backpack
language model on OpenWebText, matching the loss of a GPT-2 small
(124Mparameter) Transformer. On lexical similarity evaluations, we find that
Backpack sense vectors outperform even a 6B-parameter Transformer LM's word
embeddings. Finally, we present simple algorithms that intervene on sense
vectors to perform controllable text generation and debiasing. For example, we
can edit the sense vocabulary to tend more towards a topic, or localize a
source of gender bias to a sense vector and globally suppress that sense.
|
cs.CL
|
Backpack Language Models
|
2023-05-26T09:15:05Z
|
http://arxiv.org/pdf/2305.16756v2
|
http://arxiv.org/abs/2305.16756v2
|
Nicolò Tamagnone, Selim Fekih, Ximena Contla, Nayid Orozco, Navid Rekabsaz
|
2023-05-30T13:16:33Z
|
cs.CL, cs.LG
|
Accurate and rapid situation analysis during humanitarian crises is critical
to delivering humanitarian aid efficiently and is fundamental to humanitarian
imperatives and the Leave No One Behind (LNOB) principle. This data analysis
can highly benefit from language processing systems, e.g., by classifying the
text data according to a humanitarian ontology. However, approaching this by
simply fine-tuning a generic large language model (LLM) involves considerable
practical and ethical issues, particularly the lack of effectiveness on
data-sparse and complex subdomains, and the encoding of societal biases and
unwanted associations. In this work, we aim to provide an effective and
ethically-aware system for humanitarian data analysis. We approach this by (1)
introducing a novel architecture adjusted to the humanitarian analysis
framework, (2) creating and releasing a novel humanitarian-specific LLM called
HumBert, and (3) proposing a systematic way to measure and mitigate biases. Our
experiments' results show the better performance of our approach on zero-shot
and full-training settings in comparison with strong baseline models, while
also revealing the existence of biases in the resulting LLMs. Utilizing a
targeted counterfactual data augmentation approach, we significantly reduce
these biases without compromising performance.
|
cs.CL
|
Leveraging Domain Knowledge for Inclusive and Bias-aware Humanitarian Response Entry Classification
|
2023-05-26T09:13:59Z
|
http://arxiv.org/pdf/2305.16755v2
|
http://arxiv.org/abs/2305.16755v2
|
Hiba Arnaout, Simon Razniewski
|
2023-09-21T13:36:03Z
|
cs.CL, cs.AI
|
We examine the ability of large language models (LLMs) to generate salient
(interesting) negative statements about real-world entities; an emerging
research topic of the last few years. We probe the LLMs using zero- and k-shot
unconstrained probes, and compare with traditional methods for negation
generation, i.e., pattern-based textual extractions and knowledge-graph-based
inferences, as well as crowdsourced gold statements. We measure the correctness
and salience of the generated lists about subjects from different domains. Our
evaluation shows that guided probes do in fact improve the quality of generated
negatives, compared to the zero-shot variant. Nevertheless, using both prompts,
LLMs still struggle with the notion of factuality of negatives, frequently
generating many ambiguous statements, or statements with negative keywords but
a positive meaning.
|
cs.CL
|
Can large language models generate salient negative statements?
|
2023-05-26T08:57:11Z
|
http://arxiv.org/pdf/2305.16750v1
|
http://arxiv.org/abs/2305.16750v1
|
Anna Wróblewska, Bartosz Pieliński, Karolina Seweryn, Sylwia Sysko-Romańczuk, Karol Saputa, Aleksandra Wichrowska, Hanna Schreiber
|
2023-05-26T08:57:11Z
|
cs.CL, cs.IR
|
This paper explores the automatic knowledge extraction of formal
institutional design - norms, rules, and actors - from international
agreements. The focus was to analyze the relationship between the visibility
and centrality of actors in the formal institutional design in regulating
critical aspects of cultural heritage relations. The developed tool utilizes
techniques such as collecting legal documents, annotating them with
Institutional Grammar, and using graph analysis to explore the formal
institutional design. The system was tested against the 2003 UNESCO Convention
for the Safeguarding of the Intangible Cultural Heritage.
|
cs.CL
|
Automating the Analysis of Institutional Design in International Agreements
|
2023-05-26T08:44:42Z
|
http://arxiv.org/pdf/2305.16742v1
|
http://arxiv.org/abs/2305.16742v1
|
Baohao Liao, Yan Meng, Christof Monz
|
2023-05-26T08:44:42Z
|
cs.CL, cs.AI, cs.LG
|
Parameter-efficient fine-tuning (PEFT) of pre-trained language models has
recently demonstrated remarkable achievements, effectively matching the
performance of full fine-tuning while utilizing significantly fewer trainable
parameters, and consequently addressing the storage and communication
constraints. Nonetheless, various PEFT methods are limited by their inherent
characteristics. In the case of sparse fine-tuning, which involves modifying
only a small subset of the existing parameters, the selection of fine-tuned
parameters is task- and domain-specific, making it unsuitable for federated
learning. On the other hand, PEFT methods with adding new parameters typically
introduce additional inference latency. In this paper, we demonstrate the
feasibility of generating a sparse mask in a task-agnostic manner, wherein all
downstream tasks share a common mask. Our approach, which relies solely on the
magnitude information of pre-trained parameters, surpasses existing
methodologies by a significant margin when evaluated on the GLUE benchmark.
Additionally, we introduce a novel adapter technique that directly applies the
adapter to pre-trained parameters instead of the hidden representation, thereby
achieving identical inference speed to that of full fine-tuning. Through
extensive experiments, our proposed method attains a new state-of-the-art
outcome in terms of both performance and storage efficiency, storing only 0.03%
parameters of full fine-tuning.
|
cs.CL
|
Parameter-Efficient Fine-Tuning without Introducing New Latency
|
2023-05-26T08:44:02Z
|
http://arxiv.org/pdf/2305.16740v1
|
http://arxiv.org/abs/2305.16740v1
|
Royi Rassin, Yoav Goldberg, Reut Tsarfaty
|
2023-05-26T08:44:02Z
|
cs.CL
|
Verbal omissions are complex syntactic phenomena in VP coordination
structures. They occur when verbs and (some of) their arguments are omitted
from subsequent clauses after being explicitly stated in an initial clause.
Recovering these omitted elements is necessary for accurate interpretation of
the sentence, and while humans easily and intuitively fill in the missing
information, state-of-the-art models continue to struggle with this task.
Previous work is limited to small-scale datasets, synthetic data creation
methods, and to resolution methods in the dependency-graph level. In this work
we propose a conjunct resolution task that operates directly on the text and
makes use of a split-and-rephrase paradigm in order to recover the missing
elements in the coordination structure. To this end, we first formulate a
pragmatic framework of verbal omissions which describes the different types of
omissions, and develop an automatic scalable collection method. Based on this
method, we curate a large dataset, containing over 10K examples of
naturally-occurring verbal omissions with crowd-sourced annotations of the
resolved conjuncts. We train various neural baselines for this task, and show
that while our best method obtains decent performance, it leaves ample space
for improvement. We propose our dataset, metrics and models as a starting point
for future research on this topic.
|
cs.CL
|
Conjunct Resolution in the Face of Verbal Omissions
|
2023-05-26T08:43:46Z
|
http://arxiv.org/pdf/2305.18212v1
|
http://arxiv.org/abs/2305.18212v1
|
Yuxing Long, Binyuan Hui, Caixia Yuan1, Fei Huang, Yongbin Li, Xiaojie Wang
|
2023-05-26T08:43:46Z
|
cs.IR, cs.AI, cs.CL, cs.CV, cs.LG, cs.MM
|
Existing multimodal task-oriented dialog data fails to demonstrate the
diverse expressions of user subjective preferences and recommendation acts in
the real-life shopping scenario. This paper introduces a new dataset SURE
(Multimodal Recommendation Dialog with SUbjective PREference), which contains
12K shopping dialogs in complex store scenes. The data is built in two phases
with human annotations to ensure quality and diversity. SURE is well-annotated
with subjective preferences and recommendation acts proposed by sales experts.
A comprehensive analysis is given to reveal the distinguishing features of
SURE. Three benchmark tasks are then proposed on the data to evaluate the
capability of multimodal recommendation agents. Based on the SURE, we propose a
baseline model, powered by a state-of-the-art multimodal model, for these
tasks.
|
cs.IR
|
Multimodal Recommendation Dialog with Subjective Preference: A New Challenge and Benchmark
|
2023-05-26T08:41:59Z
|
http://arxiv.org/pdf/2305.16739v1
|
http://arxiv.org/abs/2305.16739v1
|
Yuheng Zha, Yichi Yang, Ruichen Li, Zhiting Hu
|
2023-05-26T08:41:59Z
|
cs.CL
|
Many text generation applications require the generated text to be factually
consistent with input information. Automatic evaluation of factual consistency
is challenging. Previous work has developed various metrics that often depend
on specific functions, such as natural language inference (NLI) or question
answering (QA), trained on limited data. Those metrics thus can hardly assess
diverse factual inconsistencies (e.g., contradictions, hallucinations) that
occur in varying inputs/outputs (e.g., sentences, documents) from different
tasks. In this paper, we propose AlignScore, a new holistic metric that applies
to a variety of factual inconsistency scenarios as above. AlignScore is based
on a general function of information alignment between two arbitrary text
pieces. Crucially, we develop a unified training framework of the alignment
function by integrating a large diversity of data sources, resulting in 4.7M
training examples from 7 well-established tasks (NLI, QA, paraphrasing, fact
verification, information retrieval, semantic similarity, and summarization).
We conduct extensive experiments on large-scale benchmarks including 22
evaluation datasets, where 19 of the datasets were never seen in the alignment
training. AlignScore achieves substantial improvement over a wide range of
previous metrics. Moreover, AlignScore (355M parameters) matches or even
outperforms metrics based on ChatGPT and GPT-4 that are orders of magnitude
larger.
|
cs.CL
|
AlignScore: Evaluating Factual Consistency with a Unified Alignment Function
|
2023-05-26T08:38:25Z
|
http://arxiv.org/pdf/2305.16734v1
|
http://arxiv.org/abs/2305.16734v1
|
I-Hung Hsu, Zhiyu Xie, Kuan-Hao Huang, Prem Natarajan, Nanyun Peng
|
2023-05-26T08:38:25Z
|
cs.CL, cs.AI
|
Event argument extraction (EAE) identifies event arguments and their specific
roles for a given event. Recent advancement in generation-based EAE models has
shown great performance and generalizability over classification-based models.
However, existing generation-based EAE models mostly focus on problem
re-formulation and prompt design, without incorporating additional information
that has been shown to be effective for classification-based models, such as
the abstract meaning representation (AMR) of the input passages. Incorporating
such information into generation-based models is challenging due to the
heterogeneous nature of the natural language form prevalently used in
generation-based models and the structured form of AMRs. In this work, we study
strategies to incorporate AMR into generation-based EAE models. We propose
AMPERE, which generates AMR-aware prefixes for every layer of the generation
model. Thus, the prefix introduces AMR information to the generation-based EAE
model and then improves the generation. We also introduce an adjusted copy
mechanism to AMPERE to help overcome potential noises brought by the AMR graph.
Comprehensive experiments and analyses on ACE2005 and ERE datasets show that
AMPERE can get 4% - 10% absolute F1 score improvements with reduced training
data and it is in general powerful across different training sizes.
|
cs.CL
|
AMPERE: AMR-Aware Prefix for Generation-Based Event Argument Extraction Model
|
2023-05-26T08:33:28Z
|
http://arxiv.org/pdf/2305.16731v4
|
http://arxiv.org/abs/2305.16731v4
|
Maximilian Wegge, Roman Klinger
|
2023-07-27T15:09:38Z
|
cs.CL
|
The most prominent subtask in emotion analysis is emotion classification; to
assign a category to a textual unit, for instance a social media post. Many
research questions from the social sciences do, however, not only require the
detection of the emotion of an author of a post but to understand who is
ascribed an emotion in text. This task is tackled by emotion role labeling
which aims at extracting who is described in text to experience an emotion,
why, and towards whom. This could, however, be considered overly sophisticated
if the main question to answer is who feels which emotion. A targeted approach
for such setup is to classify emotion experiencer mentions (aka "emoters")
regarding the emotion they presumably perceive. This task is similar to named
entity recognition of person names with the difference that not every mentioned
entity name is an emoter. While, very recently, data with emoter annotations
has been made available, no experiments have yet been performed to detect such
mentions. With this paper, we provide baseline experiments to understand how
challenging the task is. We further evaluate the impact on experiencer-specific
emotion categorization and appraisal detection in a pipeline, when gold
mentions are not available. We show that experiencer detection in text is a
challenging task, with a precision of .82 and a recall of .56 (F1 =.66). These
results motivate future work of jointly modeling emoter spans and
emotion/appraisal predictions.
|
cs.CL
|
Automatic Emotion Experiencer Recognition
|
2023-05-26T08:27:07Z
|
http://arxiv.org/pdf/2305.16726v1
|
http://arxiv.org/abs/2305.16726v1
|
Jiduan Liu, Jiahao Liu, Qifan Wang, Jingang Wang, Wei Wu, Yunsen Xian, Dongyan Zhao, Kai Chen, Rui Yan
|
2023-05-26T08:27:07Z
|
cs.CL, cs.AI
|
Unsupervised sentence representation learning is one of the fundamental
problems in natural language processing with various downstream applications.
Recently, contrastive learning has been widely adopted which derives
high-quality sentence representations by pulling similar semantics closer and
pushing dissimilar ones away. However, these methods fail to capture the
fine-grained ranking information among the sentences, where each sentence is
only treated as either positive or negative. In many real-world scenarios, one
needs to distinguish and rank the sentences based on their similarities to a
query sentence, e.g., very relevant, moderate relevant, less relevant,
irrelevant, etc. In this paper, we propose a novel approach, RankCSE, for
unsupervised sentence representation learning, which incorporates ranking
consistency and ranking distillation with contrastive learning into a unified
framework. In particular, we learn semantically discriminative sentence
representations by simultaneously ensuring ranking consistency between two
representations with different dropout masks, and distilling listwise ranking
knowledge from the teacher. An extensive set of experiments are conducted on
both semantic textual similarity (STS) and transfer (TR) tasks. Experimental
results demonstrate the superior performance of our approach over several
state-of-the-art baselines.
|
cs.CL
|
RankCSE: Unsupervised Sentence Representations Learning via Learning to Rank
|
2023-05-26T08:22:35Z
|
http://arxiv.org/pdf/2305.16724v2
|
http://arxiv.org/abs/2305.16724v2
|
I-Hung Hsu, Avik Ray, Shubham Garg, Nanyun Peng, Jing Huang
|
2023-07-07T07:51:38Z
|
cs.CL, cs.AI
|
Existing efforts on text synthesis for code-switching mostly require training
on code-switched texts in the target language pairs, limiting the deployment of
the models to cases lacking code-switched data. In this work, we study the
problem of synthesizing code-switched texts for language pairs absent from the
training data. We introduce GLOSS, a model built on top of a pre-trained
multilingual machine translation model (PMMTM) with an additional
code-switching module. This module, either an adapter or extra prefixes, learns
code-switching patterns from code-switched data during training, while the
primary component of GLOSS, i.e., the PMMTM, is frozen. The design of only
adjusting the code-switching module prevents our model from overfitting to the
constrained training data for code-switching. Hence, GLOSS exhibits the ability
to generalize and synthesize code-switched texts across a broader spectrum of
language pairs. Additionally, we develop a self-training algorithm on target
language pairs further to enhance the reliability of GLOSS. Automatic
evaluations on four language pairs show that GLOSS achieves at least 55%
relative BLEU and METEOR scores improvements compared to strong baselines.
Human evaluations on two language pairs further validate the success of GLOSS.
|
cs.CL
|
Code-Switched Text Synthesis in Unseen Language Pairs
|
2023-05-26T08:05:01Z
|
http://arxiv.org/pdf/2305.16718v2
|
http://arxiv.org/abs/2305.16718v2
|
Vít Novotný, Kristýna Luger, Michal Štefánik, Tereza Vrabcová, Aleš Horák
|
2023-06-06T20:42:10Z
|
cs.CL, 68T50, I.2.7; I.7.0
|
Although pre-trained named entity recognition (NER) models are highly
accurate on modern corpora, they underperform on historical texts due to
differences in language OCR errors. In this work, we develop a new NER corpus
of 3.6M sentences from late medieval charters written mainly in Czech, Latin,
and German.
We show that we can start with a list of known historical figures and
locations and an unannotated corpus of historical texts, and use information
retrieval techniques to automatically bootstrap a NER-annotated corpus. Using
our corpus, we train a NER model that achieves entity-level Precision of
72.81-93.98% with 58.14-81.77% Recall on a manually-annotated test dataset.
Furthermore, we show that using a weighted loss function helps to combat class
imbalance in token classification tasks. To make it easy for others to
reproduce and build upon our work, we publicly release our corpus, models, and
experimental code.
|
cs.CL
|
People and Places of Historical Europe: Bootstrapping Annotation Pipeline and a New Corpus of Named Entities in Late Medieval Texts
|
2023-05-26T07:42:38Z
|
http://arxiv.org/pdf/2305.16701v1
|
http://arxiv.org/abs/2305.16701v1
|
Yixin Wan, Kuan-Hao Huang, Kai-Wei Chang
|
2023-05-26T07:42:38Z
|
cs.CL, cs.AI
|
Syntactically controlled paraphrase generation requires language models to
generate paraphrases for sentences according to specific syntactic structures.
Existing fine-tuning methods for this task are costly as all the parameters of
the model need to be updated during the training process. Inspired by recent
studies on parameter-efficient learning, we propose Parse-Instructed Prefix
(PIP), a novel adaptation of prefix-tuning to tune large pre-trained language
models on syntactically controlled paraphrase generation task in a low-data
setting with significantly less training cost. We introduce two methods to
instruct a model's encoder prefix to capture syntax-related knowledge: direct
initiation (PIP-Direct) and indirect optimization (PIP-Indirect). In contrast
to traditional fine-tuning methods for this task, PIP is a compute-efficient
alternative with 10 times less learnable parameters. Compared to existing
prefix-tuning methods, PIP excels at capturing syntax control information,
achieving significantly higher performance at the same level of learnable
parameter count.
|
cs.CL
|
PIP: Parse-Instructed Prefix for Syntactically Controlled Paraphrase Generation
|
2023-05-26T07:36:23Z
|
http://arxiv.org/pdf/2305.16697v1
|
http://arxiv.org/abs/2305.16697v1
|
Vishal Vivek Saley, Rocktim Jyoti Das, Dinesh Raghu, Mausam
|
2023-05-26T07:36:23Z
|
cs.CL
|
Task-oriented dialog (TOD) agents often ground their responses on external
knowledge bases (KBs). These KBs can be dynamic and may be updated frequently.
Existing approaches for learning TOD agents assume the KB snapshot contemporary
to each individual dialog is available during training. However, in real-world
scenarios, only the latest KB snapshot is available during training and as a
result, the train dialogs may contain facts conflicting with the latest KB.
These dialog-KB inconsistencies in the training data may potentially confuse
the TOD agent learning algorithm.
In this work, we define the novel problem of learning a TOD agent with
dialog-KB inconsistencies in the training data. We propose a Dialog-KB
Arbitration Framework (DKAF) which reduces the dialog-KB inconsistencies by
predicting the contemporary KB snapshot for each train dialog. These predicted
KB snapshots are then used for training downstream TOD agents. As there are no
existing datasets with dialog-KB inconsistencies, we systematically introduce
inconsistencies in two publicly available dialog datasets. We show that TOD
agents trained with DKAF perform better than existing baselines on both these
datasets
|
cs.CL
|
DKAF: KB Arbitration for Learning Task-Oriented Dialog Systems with Dialog-KB Inconsistencies
|
2023-05-26T06:50:21Z
|
http://arxiv.org/pdf/2305.16675v1
|
http://arxiv.org/abs/2305.16675v1
|
Yongqi Li, Nan Yang, Liang Wang, Furu Wei, Wenjie Li
|
2023-05-26T06:50:21Z
|
cs.CL, cs.AI, cs.IR, cs.LG
|
Instead of simply matching a query to pre-existing passages, generative
retrieval generates identifier strings of passages as the retrieval target. At
a cost, the identifier must be distinctive enough to represent a passage.
Current approaches use either a numeric ID or a text piece (such as a title or
substrings) as the identifier. However, these identifiers cannot cover a
passage's content well. As such, we are motivated to propose a new type of
identifier, synthetic identifiers, that are generated based on the content of a
passage and could integrate contextualized information that text pieces lack.
Furthermore, we simultaneously consider multiview identifiers, including
synthetic identifiers, titles, and substrings. These views of identifiers
complement each other and facilitate the holistic ranking of passages from
multiple perspectives. We conduct a series of experiments on three public
datasets, and the results indicate that our proposed approach performs the best
in generative retrieval, demonstrating its effectiveness and robustness.
|
cs.CL
|
Multiview Identifiers Enhanced Generative Retrieval
|
2023-05-26T06:21:37Z
|
http://arxiv.org/pdf/2305.16664v1
|
http://arxiv.org/abs/2305.16664v1
|
Heejin Do, Yunsu Kim, Gary Geunbae Lee
|
2023-05-26T06:21:37Z
|
cs.CL, cs.SD, eess.AS
|
With rapid technological growth, automatic pronunciation assessment has
transitioned toward systems that evaluate pronunciation in various aspects,
such as fluency and stress. However, despite the highly imbalanced score labels
within each aspect, existing studies have rarely tackled the data imbalance
problem. In this paper, we suggest a novel loss function, score-balanced loss,
to address the problem caused by uneven data, such as bias toward the majority
scores. As a re-weighting approach, we assign higher costs when the predicted
score is of the minority class, thus, guiding the model to gain positive
feedback for sparse score prediction. Specifically, we design two weighting
factors by leveraging the concept of an effective number of samples and using
the ranks of scores. We evaluate our method on the speechocean762 dataset,
which has noticeably imbalanced scores for several aspects. Improved results
particularly on such uneven aspects prove the effectiveness of our method.
|
cs.CL
|
Score-balanced Loss for Multi-aspect Pronunciation Assessment
|
2023-05-26T06:21:01Z
|
http://arxiv.org/pdf/2305.16663v2
|
http://arxiv.org/abs/2305.16663v2
|
Xuming Hu, Aiwei Liu, Zeqi Tan, Xin Zhang, Chenwei Zhang, Irwin King, Philip S. Yu
|
2023-06-15T02:43:12Z
|
cs.CL, 68T01, I.2.7
|
Relation extraction (RE) tasks show promising performance in extracting
relations from two entities mentioned in sentences, given sufficient
annotations available during training. Such annotations would be
labor-intensive to obtain in practice. Existing work adopts data augmentation
techniques to generate pseudo-annotated sentences beyond limited annotations.
These techniques neither preserve the semantic consistency of the original
sentences when rule-based augmentations are adopted, nor preserve the syntax
structure of sentences when expressing relations using seq2seq models,
resulting in less diverse augmentations. In this work, we propose a dedicated
augmentation technique for relational texts, named GDA, which uses two
complementary modules to preserve both semantic consistency and syntax
structures. We adopt a generative formulation and design a multi-tasking
solution to achieve synergies. Furthermore, GDA adopts entity hints as the
prior knowledge of the generative model to augment diverse sentences.
Experimental results in three datasets under a low-resource setting showed that
GDA could bring {\em 2.0\%} F1 improvements compared with no augmentation
technique. Source code and data are available.
|
cs.CL
|
GDA: Generative Data Augmentation Techniques for Relation Extraction Tasks
|
2023-05-26T05:52:27Z
|
http://arxiv.org/pdf/2305.16653v1
|
http://arxiv.org/abs/2305.16653v1
|
Haotian Sun, Yuchen Zhuang, Lingkai Kong, Bo Dai, Chao Zhang
|
2023-05-26T05:52:27Z
|
cs.CL, cs.AI, cs.LG
|
Large language models (LLMs) have recently demonstrated the potential in
acting as autonomous agents for sequential decision-making tasks. However, most
existing methods either take actions greedily without planning or rely on
static plans that are not adaptable to environmental feedback. Consequently,
the sequential decision-making performance of LLM agents degenerates with
problem complexity and plan horizons increase. We propose a closed-loop
approach, AdaPlanner, which allows the LLM agent to refine its self-generated
plan adaptively in response to environmental feedback. In AdaPlanner, the LLM
agent adaptively refines its plan from feedback with both in-plan and
out-of-plan refinement strategies. To mitigate hallucination, we develop a
code-style LLM prompt structure that facilitates plan generation across a
variety of tasks, environments, and agent capabilities. Furthermore, we propose
a skill discovery mechanism that leverages successful plans as few-shot
exemplars, enabling the agent to plan and refine with fewer task
demonstrations. Our experiments in the ALFWorld and MiniWoB++ environments
demonstrate that AdaPlanner outperforms state-of-the-art baselines by 3.73% and
4.11% while utilizing 2x and 600x fewer samples, respectively.
|
cs.CL
|
AdaPlanner: Adaptive Planning from Feedback with Language Models
|
2023-05-26T05:45:03Z
|
http://arxiv.org/pdf/2305.16651v1
|
http://arxiv.org/abs/2305.16651v1
|
Will Held, Caleb Ziems, Diyi Yang
|
2023-05-26T05:45:03Z
|
cs.CL
|
Large Language Models, the dominant starting point for Natural Language
Processing (NLP) applications, fail at a higher rate for speakers of English
dialects other than Standard American English (SAE). Prior work addresses this
using task-specific data or synthetic data augmentation, both of which require
intervention for each dialect and task pair. This poses a scalability issue
that prevents the broad adoption of robust dialectal English NLP. We introduce
a simple yet effective method for task-agnostic dialect adaptation by aligning
non-SAE dialects using adapters and composing them with task-specific adapters
from SAE. Task-Agnostic Dialect Adapters (TADA) improve dialectal robustness on
4 dialectal variants of the GLUE benchmark without task-specific supervision.
|
cs.CL
|
TADA: Task-Agnostic Dialect Adapters for English
|
2023-05-26T05:39:49Z
|
http://arxiv.org/pdf/2305.16648v1
|
http://arxiv.org/abs/2305.16648v1
|
Kent K. Chang, Danica Chen, David Bamman
|
2023-05-26T05:39:49Z
|
cs.CL
|
We present a new dataset for studying conversation disentanglement in movies
and TV series. While previous work has focused on conversation disentanglement
in IRC chatroom dialogues, movies and TV shows provide a space for studying
complex pragmatic patterns of floor and topic change in face-to-face
multi-party interactions. In this work, we draw on theoretical research in
sociolinguistics, sociology, and film studies to operationalize a
conversational thread (including the notion of a floor change) in dramatic
texts, and use that definition to annotate a dataset of 10,033 dialogue turns
(comprising 2,209 threads) from 831 movies. We compare the performance of
several disentanglement models on this dramatic dataset, and apply the
best-performing model to disentangle 808 movies. We see that, contrary to
expectation, average thread lengths do not decrease significantly over the past
40 years, and characters portrayed by actors who are women, while
underrepresented, initiate more new conversational threads relative to their
speaking time.
|
cs.CL
|
Dramatic Conversation Disentanglement
|
2023-05-26T05:32:29Z
|
http://arxiv.org/pdf/2305.16646v2
|
http://arxiv.org/abs/2305.16646v2
|
Xiaoming Shi, Siqiao Xue, Kangrui Wang, Fan Zhou, James Y. Zhang, Jun Zhou, Chenhao Tan, Hongyuan Mei
|
2023-10-08T03:27:20Z
|
cs.CL, cs.AI, cs.LG
|
Large language models have shown astonishing performance on a wide range of
reasoning tasks. In this paper, we investigate whether they could reason about
real-world events and help improve the prediction performance of event sequence
models. We design LAMP, a framework that integrates a large language model in
event prediction. Particularly, the language model performs abductive reasoning
to assist an event sequence model: the event model proposes predictions on
future events given the past; instructed by a few expert-annotated
demonstrations, the language model learns to suggest possible causes for each
proposal; a search module finds out the previous events that match the causes;
a scoring function learns to examine whether the retrieved events could
actually cause the proposal. Through extensive experiments on several
challenging real-world datasets, we demonstrate that our framework -- thanks to
the reasoning capabilities of large language models -- could significantly
outperform the state-of-the-art event sequence models.
|
cs.CL
|
Language Models Can Improve Event Prediction by Few-Shot Abductive Reasoning
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.