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-06-22T05:14:00Z | http://arxiv.org/pdf/2306.12672v2 | http://arxiv.org/abs/2306.12672v2 | Lionel Wong, Gabriel Grand, Alexander K. Lew, Noah D. Goodman, Vikash K. Mansinghka, Jacob Andreas, Joshua B. Tenenbaum | 2023-06-23T06:05:31Z | cs.CL, cs.AI, cs.SC | How does language inform our downstream thinking? In particular, how do
humans make meaning from language--and how can we leverage a theory of
linguistic meaning to build machines that think in more human-like ways? In
this paper, we propose rational meaning construction, a computational framework
for language-informed thinking that combines neural language models with
probabilistic models for rational inference. We frame linguistic meaning as a
context-sensitive mapping from natural language into a probabilistic language
of thought (PLoT)--a general-purpose symbolic substrate for generative world
modeling. Our architecture integrates two computational tools that have not
previously come together: we model thinking with probabilistic programs, an
expressive representation for commonsense reasoning; and we model meaning
construction with large language models (LLMs), which support broad-coverage
translation from natural language utterances to code expressions in a
probabilistic programming language. We illustrate our framework through
examples covering four core domains from cognitive science: probabilistic
reasoning, logical and relational reasoning, visual and physical reasoning, and
social reasoning. In each, we show that LLMs can generate context-sensitive
translations that capture pragmatically-appropriate linguistic meanings, while
Bayesian inference with the generated programs supports coherent and robust
commonsense reasoning. We extend our framework to integrate
cognitively-motivated symbolic modules (physics simulators, graphics engines,
and planning algorithms) to provide a unified commonsense thinking interface
from language. Finally, we explore how language can drive the construction of
world models themselves. We hope this work will provide a roadmap towards
cognitive models and AI systems that synthesize the insights of both modern and
classical computational perspectives. | cs.CL | From Word Models to World Models: Translating from Natural Language to the Probabilistic Language of Thought |
2023-06-22T03:56:38Z | http://arxiv.org/pdf/2306.12659v1 | http://arxiv.org/abs/2306.12659v1 | Boyu Zhang, Hongyang Yang, Xiao-Yang Liu | 2023-06-22T03:56:38Z | cs.CL, cs.LG, q-fin.ST, q-fin.TR | Sentiment analysis is a vital tool for uncovering insights from financial
articles, news, and social media, shaping our understanding of market
movements. Despite the impressive capabilities of large language models (LLMs)
in financial natural language processing (NLP), they still struggle with
accurately interpreting numerical values and grasping financial context,
limiting their effectiveness in predicting financial sentiment. In this paper,
we introduce a simple yet effective instruction tuning approach to address
these issues. By transforming a small portion of supervised financial sentiment
analysis data into instruction data and fine-tuning a general-purpose LLM with
this method, we achieve remarkable advancements in financial sentiment
analysis. In the experiment, our approach outperforms state-of-the-art
supervised sentiment analysis models, as well as widely used LLMs like ChatGPT
and LLaMAs, particularly in scenarios where numerical understanding and
contextual comprehension are vital. | cs.CL | Instruct-FinGPT: Financial Sentiment Analysis by Instruction Tuning of General-Purpose Large Language Models |
2023-06-22T03:52:12Z | http://arxiv.org/pdf/2306.12656v1 | http://arxiv.org/abs/2306.12656v1 | Cathy Shyr, Yan Hu, Paul A. Harris, Hua Xu | 2023-06-22T03:52:12Z | cs.CL, cs.AI | Rare diseases (RDs) are collectively common and affect 300 million people
worldwide. Accurate phenotyping is critical for informing diagnosis and
treatment, but RD phenotypes are often embedded in unstructured text and
time-consuming to extract manually. While natural language processing (NLP)
models can perform named entity recognition (NER) to automate extraction, a
major bottleneck is the development of a large, annotated corpus for model
training. Recently, prompt learning emerged as an NLP paradigm that can lead to
more generalizable results without any (zero-shot) or few labeled samples
(few-shot). Despite growing interest in ChatGPT, a revolutionary large language
model capable of following complex human prompts and generating high-quality
responses, none have studied its NER performance for RDs in the zero- and
few-shot settings. To this end, we engineered novel prompts aimed at extracting
RD phenotypes and, to the best of our knowledge, are the first the establish a
benchmark for evaluating ChatGPT's performance in these settings. We compared
its performance to the traditional fine-tuning approach and conducted an
in-depth error analysis. Overall, fine-tuning BioClinicalBERT resulted in
higher performance (F1 of 0.689) than ChatGPT (F1 of 0.472 and 0.591 in the
zero- and few-shot settings, respectively). Despite this, ChatGPT achieved
similar or higher accuracy for certain entities (i.e., rare diseases and signs)
in the one-shot setting (F1 of 0.776 and 0.725). This suggests that with
appropriate prompt engineering, ChatGPT has the potential to match or
outperform fine-tuned language models for certain entity types with just one
labeled sample. While the proliferation of large language models may provide
opportunities for supporting RD diagnosis and treatment, researchers and
clinicians should critically evaluate model outputs and be well-informed of
their limitations. | cs.CL | Identifying and Extracting Rare Disease Phenotypes with Large Language Models |
2023-06-22T01:14:47Z | http://arxiv.org/pdf/2306.12619v2 | http://arxiv.org/abs/2306.12619v2 | Yijia Shao, Yiduo Guo, Dongyan Zhao, Bing Liu | 2023-07-20T16:04:19Z | cs.CL, cs.AI, cs.LG, cs.NE | Despite the great success of pre-trained language models, it is still a
challenge to use these models for continual learning, especially for the
class-incremental learning (CIL) setting due to catastrophic forgetting (CF).
This paper reports our finding that if we formulate CIL as a continual label
generation problem, CF is drastically reduced and the generalizable
representations of pre-trained models can be better retained. We thus propose a
new CIL method (VAG) that also leverages the sparsity of vocabulary to focus
the generation and creates pseudo-replay samples by using label semantics.
Experimental results show that VAG outperforms baselines by a large margin. | cs.CL | Class-Incremental Learning based on Label Generation |
2023-06-21T22:37:51Z | http://arxiv.org/pdf/2306.12596v1 | http://arxiv.org/abs/2306.12596v1 | Man Ho Wong | 2023-06-21T22:37:51Z | cs.DB, cs.CL | TalkBank is an online database that facilitates the sharing of linguistics
research data. However, the existing TalkBank's API has limited data filtering
and batch processing capabilities. To overcome these limitations, this paper
introduces a pipeline framework that employs a hierarchical search approach,
enabling efficient complex data selection. This approach involves a quick
preliminary screening of relevant corpora that a researcher may need, and then
perform an in-depth search for target data based on specific criteria. The
identified files are then indexed, providing easier access for future analysis.
Furthermore, the paper demonstrates how data from different studies curated
with the framework can be integrated by standardizing and cleaning metadata,
allowing researchers to extract insights from a large, integrated dataset.
While being designed for TalkBank, the framework can also be adapted to process
data from other open-science platforms. | cs.DB | A Hierarchical Approach to exploiting Multiple Datasets from TalkBank |
2023-06-21T22:00:03Z | http://arxiv.org/pdf/2306.12587v1 | http://arxiv.org/abs/2306.12587v1 | Mike D'Arcy, Alexis Ross, Erin Bransom, Bailey Kuehl, Jonathan Bragg, Tom Hope, Doug Downey | 2023-06-21T22:00:03Z | cs.CL | Revising scientific papers based on peer feedback is a challenging task that
requires not only deep scientific knowledge and reasoning, but also the ability
to recognize the implicit requests in high-level feedback and to choose the
best of many possible ways to update the manuscript in response. We introduce
this task for large language models and release ARIES, a dataset of review
comments and their corresponding paper edits, to enable training and evaluating
models. We study two versions of the task: comment-edit alignment and edit
generation, and evaluate several baselines, including GPT-4. We find that
models struggle even to identify the edits that correspond to a comment,
especially in cases where the comment is phrased in an indirect way or where
the edit addresses the spirit of a comment but not the precise request. When
tasked with generating edits, GPT-4 often succeeds in addressing comments on a
surface level, but it rigidly follows the wording of the feedback rather than
the underlying intent, and includes fewer technical details than human-written
edits. We hope that our formalization, dataset, and analysis will form a
foundation for future work in this area. | cs.CL | ARIES: A Corpus of Scientific Paper Edits Made in Response to Peer Reviews |
2023-06-21T21:34:39Z | http://arxiv.org/pdf/2306.12581v1 | http://arxiv.org/abs/2306.12581v1 | David Guriel, Omer Goldman, Reut Tsarfaty | 2023-06-21T21:34:39Z | cs.CL | Recent years have brought great advances into solving morphological tasks,
mostly due to powerful neural models applied to various tasks as (re)inflection
and analysis. Yet, such morphological tasks cannot be considered solved,
especially when little training data is available or when generalizing to
previously unseen lemmas. This work explores effects on performance obtained
through various ways in which morphological models get access to subcharacter
phonological features that are the targets of morphological processes. We
design two methods to achieve this goal: one that leaves models as is but
manipulates the data to include features instead of characters, and another
that manipulates models to take phonological features into account when
building representations for phonemes. We elicit phonemic data from standard
graphemic data using language-specific grammars for languages with shallow
grapheme-to-phoneme mapping, and we experiment with two reinflection models
over eight languages. Our results show that our methods yield comparable
results to the grapheme-based baseline overall, with minor improvements in some
of the languages. All in all, we conclude that patterns in character
distributions are likely to allow models to infer the underlying phonological
characteristics, even when phonemes are not explicitly represented. | cs.CL | Morphological Inflection with Phonological Features |
2023-06-21T21:33:39Z | http://arxiv.org/pdf/2306.13114v1 | http://arxiv.org/abs/2306.13114v1 | Kamer Ali Yuksel, Thiago Ferreira, Ahmet Gunduz, Mohamed Al-Badrashiny, Golara Javadi | 2023-06-21T21:33:39Z | cs.CL, eess.AS | The common standard for quality evaluation of automatic speech recognition
(ASR) systems is reference-based metrics such as the Word Error Rate (WER),
computed using manual ground-truth transcriptions that are time-consuming and
expensive to obtain. This work proposes a multi-language referenceless quality
metric, which allows comparing the performance of different ASR models on a
speech dataset without ground truth transcriptions. To estimate the quality of
ASR hypotheses, a pre-trained language model (LM) is fine-tuned with
contrastive learning in a self-supervised learning manner. In experiments
conducted on several unseen test datasets consisting of outputs from top
commercial ASR engines in various languages, the proposed referenceless metric
obtains a much higher correlation with WER scores and their ranks than the
perplexity metric from the state-of-art multi-lingual LM in all experiments,
and also reduces WER by more than $7\%$ when used for ensembling hypotheses.
The fine-tuned model and experiments are made available for the
reproducibility: https://github.com/aixplain/NoRefER | cs.CL | A Reference-less Quality Metric for Automatic Speech Recognition via Contrastive-Learning of a Multi-Language Model with Self-Supervision |
2023-06-21T21:26:19Z | http://arxiv.org/pdf/2306.12577v1 | http://arxiv.org/abs/2306.12577v1 | Kamer Ali Yuksel, Thiago Ferreira, Golara Javadi, Mohamed El-Badrashiny, Ahmet Gunduz | 2023-06-21T21:26:19Z | cs.CL, cs.SD, eess.AS | This paper introduces NoRefER, a novel referenceless quality metric for
automatic speech recognition (ASR) systems. Traditional reference-based metrics
for evaluating ASR systems require costly ground-truth transcripts. NoRefER
overcomes this limitation by fine-tuning a multilingual language model for
pair-wise ranking ASR hypotheses using contrastive learning with Siamese
network architecture. The self-supervised NoRefER exploits the known quality
relationships between hypotheses from multiple compression levels of an ASR for
learning to rank intra-sample hypotheses by quality, which is essential for
model comparisons. The semi-supervised version also uses a referenced dataset
to improve its inter-sample quality ranking, which is crucial for selecting
potentially erroneous samples. The results indicate that NoRefER correlates
highly with reference-based metrics and their intra-sample ranks, indicating a
high potential for referenceless ASR evaluation or a/b testing. | cs.CL | NoRefER: a Referenceless Quality Metric for Automatic Speech Recognition via Semi-Supervised Language Model Fine-Tuning with Contrastive Learning |
2023-06-21T21:04:11Z | http://arxiv.org/pdf/2306.12567v1 | http://arxiv.org/abs/2306.12567v1 | Risako Ando, Takanobu Morishita, Hirohiko Abe, Koji Mineshima, Mitsuhiro Okada | 2023-06-21T21:04:11Z | cs.CL, cs.AI | This paper investigates whether current large language models exhibit biases
in logical reasoning, similar to humans. Specifically, we focus on syllogistic
reasoning, a well-studied form of inference in the cognitive science of human
deduction. To facilitate our analysis, we introduce a dataset called NeuBAROCO,
originally designed for psychological experiments that assess human logical
abilities in syllogistic reasoning. The dataset consists of syllogistic
inferences in both English and Japanese. We examine three types of biases
observed in human syllogistic reasoning: belief biases, conversion errors, and
atmosphere effects. Our findings demonstrate that current large language models
struggle more with problems involving these three types of biases. | cs.CL | Evaluating Large Language Models with NeuBAROCO: Syllogistic Reasoning Ability and Human-like Biases |
2023-06-21T20:36:55Z | http://arxiv.org/pdf/2306.12552v2 | http://arxiv.org/abs/2306.12552v2 | Yunxiang Zhang, Xiaojun Wan | 2023-10-27T20:55:02Z | cs.CL | Recently, commonsense reasoning in text generation has attracted much
attention. Generative commonsense reasoning is the task that requires machines,
given a group of keywords, to compose a single coherent sentence with
commonsense plausibility. While existing datasets targeting generative
commonsense reasoning focus on everyday scenarios, it is unclear how well
machines reason under specific geographical and temporal contexts. We formalize
this challenging task as SituatedGen, where machines with commonsense should
generate a pair of contrastive sentences given a group of keywords including
geographical or temporal entities. We introduce a corresponding English dataset
consisting of 8,268 contrastive sentence pairs, which are built upon several
existing commonsense reasoning benchmarks with minimal manual labor.
Experiments show that state-of-the-art generative language models struggle to
generate sentences with commonsense plausibility and still lag far behind human
performance. Our dataset is publicly available at
https://github.com/yunx-z/situated_gen. | cs.CL | SituatedGen: Incorporating Geographical and Temporal Contexts into Generative Commonsense Reasoning |
2023-06-21T20:32:22Z | http://arxiv.org/pdf/2306.12550v1 | http://arxiv.org/abs/2306.12550v1 | Stefan Larson, Gordon Lim, Kevin Leach | 2023-06-21T20:32:22Z | cs.CL | The RVL-CDIP benchmark is widely used for measuring performance on the task
of document classification. Despite its widespread use, we reveal several
undesirable characteristics of the RVL-CDIP benchmark. These include (1)
substantial amounts of label noise, which we estimate to be 8.1% (ranging
between 1.6% to 16.9% per document category); (2) presence of many ambiguous or
multi-label documents; (3) a large overlap between test and train splits, which
can inflate model performance metrics; and (4) presence of sensitive
personally-identifiable information like US Social Security numbers (SSNs). We
argue that there is a risk in using RVL-CDIP for benchmarking document
classifiers, as its limited scope, presence of errors (state-of-the-art models
now achieve accuracy error rates that are within our estimated label error
rate), and lack of diversity make it less than ideal for benchmarking. We
further advocate for the creation of a new document classification benchmark,
and provide recommendations for what characteristics such a resource should
include. | cs.CL | On Evaluation of Document Classification using RVL-CDIP |
2023-06-21T18:45:56Z | http://arxiv.org/pdf/2306.12509v2 | http://arxiv.org/abs/2306.12509v2 | Alessandro Sordoni, Xingdi Yuan, Marc-Alexandre Côté, Matheus Pereira, Adam Trischler, Ziang Xiao, Arian Hosseini, Friederike Niedtner, Nicolas Le Roux | 2023-12-04T15:07:13Z | cs.CL, cs.LG | Large language models (LLMs) can be seen as atomic units of computation
mapping sequences to a distribution over sequences. Thus, they can be seen as
stochastic language layers in a language network, where the learnable
parameters are the natural language prompts at each layer. By stacking two such
layers and feeding the output of one layer to the next, we obtain a Deep
Language Network (DLN). We first show how to effectively perform prompt
optimization for a 1-Layer language network (DLN-1). Then, we present an
extension that applies to 2-layer DLNs (DLN-2), where two prompts must be
learned. The key idea is to consider the output of the first layer as a latent
variable, which requires inference, and prompts to be learned as the parameters
of the generative distribution. We first test the effectiveness of DLN-1 in
multiple reasoning and natural language understanding tasks. Then, we show that
DLN-2 can reach higher performance than a single layer, showing promise that we
might reach comparable performance to GPT-4, even when each LLM in the network
is smaller and less powerful. | cs.CL | Joint Prompt Optimization of Stacked LLMs using Variational Inference |
2023-06-21T17:59:51Z | http://arxiv.org/pdf/2306.12424v3 | http://arxiv.org/abs/2306.12424v3 | Siobhan Mackenzie Hall, Fernanda Gonçalves Abrantes, Hanwen Zhu, Grace Sodunke, Aleksandar Shtedritski, Hannah Rose Kirk | 2023-12-12T16:08:18Z | cs.CV, cs.CL | We introduce VisoGender, a novel dataset for benchmarking gender bias in
vision-language models. We focus on occupation-related biases within a
hegemonic system of binary gender, inspired by Winograd and Winogender schemas,
where each image is associated with a caption containing a pronoun relationship
of subjects and objects in the scene. VisoGender is balanced by gender
representation in professional roles, supporting bias evaluation in two ways:
i) resolution bias, where we evaluate the difference between pronoun resolution
accuracies for image subjects with gender presentations perceived as masculine
versus feminine by human annotators and ii) retrieval bias, where we compare
ratios of professionals perceived to have masculine and feminine gender
presentations retrieved for a gender-neutral search query. We benchmark several
state-of-the-art vision-language models and find that they demonstrate bias in
resolving binary gender in complex scenes. While the direction and magnitude of
gender bias depends on the task and the model being evaluated, captioning
models are generally less biased than Vision-Language Encoders. Dataset and
code are available at https://github.com/oxai/visogender | cs.CV | VisoGender: A dataset for benchmarking gender bias in image-text pronoun resolution |
2023-06-21T17:58:25Z | http://arxiv.org/pdf/2306.12420v2 | http://arxiv.org/abs/2306.12420v2 | Shizhe Diao, Rui Pan, Hanze Dong, Ka Shun Shum, Jipeng Zhang, Wei Xiong, Tong Zhang | 2024-05-05T13:13:02Z | cs.CL, cs.AI | Foundation models have demonstrated a great ability to achieve general
human-level intelligence far beyond traditional approaches. As the technique
keeps attracting attention from the AI community, an increasing number of
foundation models are becoming publicly accessible. However, a significant
shortcoming of most of these models lies in their performance in
specialized-domain and task-specific applications, necessitating domain- and
task-aware fine-tuning to develop effective scientific language models. As the
number of available foundation models and specialized tasks keeps growing, the
job of training scientific language models becomes highly nontrivial. In this
paper, we initiate steps to tackle this issue. We introduce an extensible and
lightweight toolkit, LMFlow, which aims to simplify the domain- and task-aware
finetuning of general foundation models. LMFlow offers a complete finetuning
workflow for a foundation model to support specialized training with limited
computing resources. Furthermore, it supports continuous pretraining,
instruction tuning, parameter-efficient finetuning, alignment tuning, inference
acceleration, long context generalization, model customization, and even
multimodal finetuning, along with carefully designed and extensible APIs. This
toolkit has been thoroughly tested and is available at
https://github.com/OptimalScale/LMFlow. | cs.CL | LMFlow: An Extensible Toolkit for Finetuning and Inference of Large Foundation Models |
2023-06-21T17:30:02Z | http://arxiv.org/pdf/2306.12466v1 | http://arxiv.org/abs/2306.12466v1 | Ashkan Kazemi, Rada Mihalcea | 2023-06-21T17:30:02Z | cs.SI, cs.CL | Social media feed algorithms are designed to optimize online social
engagements for the purpose of maximizing advertising profits, and therefore
have an incentive to promote controversial posts including misinformation. By
thinking about misinformation as information pollution, we can draw parallels
with environmental policy for countering pollution such as carbon taxes.
Similar to pollution, a Pigouvian tax on misinformation provides economic
incentives for social media companies to control the spread of misinformation
more effectively to avoid or reduce their misinformation tax, while preserving
some degree of freedom in platforms' response. In this paper, we highlight a
bird's eye view of a Pigouvian misinformation tax and discuss the key questions
and next steps for implementing such a taxing scheme. | cs.SI | Misinformation as Information Pollution |
2023-06-21T17:17:09Z | http://arxiv.org/pdf/2306.12387v1 | http://arxiv.org/abs/2306.12387v1 | Weijie Jack Zhang | 2023-06-21T17:17:09Z | cs.CL, cs.HC | Enhancing AI systems with efficient communication skills that align with
human understanding is crucial for their effective assistance to human users.
Proactive initiatives from the system side are needed to discern specific
circumstances and interact aptly with users to solve these scenarios. In this
research, we opt for a collective building assignment taken from the Minecraft
dataset. Our proposed method employs language modeling to enhance task
understanding through state-of-the-art (SOTA) methods using language models.
These models focus on grounding multi-modal understandinging and task-oriented
dialogue comprehension tasks. This focus aids in gaining insights into how well
these models interpret and respond to a variety of inputs and tasks. Our
experimental results provide compelling evidence of the superiority of our
proposed method. This showcases a substantial improvement and points towards a
promising direction for future research in this domain. | cs.CL | Solving Dialogue Grounding Embodied Task in a Simulated Environment using Further Masked Language Modeling |
2023-06-21T16:45:24Z | http://arxiv.org/pdf/2306.14918v1 | http://arxiv.org/abs/2306.14918v1 | Nhat Tran, Benjamin Pierce, Diane Litman, Richard Correnti, Lindsay Clare Matsumura | 2023-06-21T16:45:24Z | cs.CL, cs.AI, cs.LG | Rigorous and interactive class discussions that support students to engage in
high-level thinking and reasoning are essential to learning and are a central
component of most teaching interventions. However, formally assessing
discussion quality 'at scale' is expensive and infeasible for most researchers.
In this work, we experimented with various modern natural language processing
(NLP) techniques to automatically generate rubric scores for individual
dimensions of classroom text discussion quality. Specifically, we worked on a
dataset of 90 classroom discussion transcripts consisting of over 18000 turns
annotated with fine-grained Analyzing Teaching Moves (ATM) codes and focused on
four Instructional Quality Assessment (IQA) rubrics. Despite the limited amount
of data, our work shows encouraging results in some of the rubrics while
suggesting that there is room for improvement in the others. We also found that
certain NLP approaches work better for certain rubrics. | cs.CL | Utilizing Natural Language Processing for Automated Assessment of Classroom Discussion |
2023-06-21T16:42:15Z | http://arxiv.org/pdf/2306.15448v2 | http://arxiv.org/abs/2306.15448v2 | Kanishk Gandhi, Jan-Philipp Fränken, Tobias Gerstenberg, Noah D. Goodman | 2023-12-04T22:31:26Z | cs.CL, cs.AI, cs.HC | As Large Language Models (LLMs) become increasingly integrated into our
everyday lives, understanding their ability to comprehend human mental states
becomes critical for ensuring effective interactions. However, despite the
recent attempts to assess the Theory-of-Mind (ToM) reasoning capabilities of
LLMs, the degree to which these models can align with human ToM remains a
nuanced topic of exploration. This is primarily due to two distinct challenges:
(1) the presence of inconsistent results from previous evaluations, and (2)
concerns surrounding the validity of existing evaluation methodologies. To
address these challenges, we present a novel framework for procedurally
generating evaluations with LLMs by populating causal templates. Using our
framework, we create a new social reasoning benchmark (BigToM) for LLMs which
consists of 25 controls and 5,000 model-written evaluations. We find that human
participants rate the quality of our benchmark higher than previous
crowd-sourced evaluations and comparable to expert-written evaluations. Using
BigToM, we evaluate the social reasoning capabilities of a variety of LLMs and
compare model performances with human performance. Our results suggest that
GPT4 has ToM capabilities that mirror human inference patterns, though less
reliable, while other LLMs struggle. | cs.CL | Understanding Social Reasoning in Language Models with Language Models |
2023-06-21T16:29:44Z | http://arxiv.org/pdf/2306.15666v2 | http://arxiv.org/abs/2306.15666v2 | Debora Weber-Wulff, Alla Anohina-Naumeca, Sonja Bjelobaba, Tomáš Foltýnek, Jean Guerrero-Dib, Olumide Popoola, Petr Šigut, Lorna Waddington | 2023-07-10T16:14:33Z | cs.CL, cs.AI, cs.CY, I.2.7; I.2.m | Recent advances in generative pre-trained transformer large language models
have emphasised the potential risks of unfair use of artificial intelligence
(AI) generated content in an academic environment and intensified efforts in
searching for solutions to detect such content. The paper examines the general
functionality of detection tools for artificial intelligence generated text and
evaluates them based on accuracy and error type analysis. Specifically, the
study seeks to answer research questions about whether existing detection tools
can reliably differentiate between human-written text and ChatGPT-generated
text, and whether machine translation and content obfuscation techniques affect
the detection of AI-generated text. The research covers 12 publicly available
tools and two commercial systems (Turnitin and PlagiarismCheck) that are widely
used in the academic setting. The researchers conclude that the available
detection tools are neither accurate nor reliable and have a main bias towards
classifying the output as human-written rather than detecting AI-generated
text. Furthermore, content obfuscation techniques significantly worsen the
performance of tools. The study makes several significant contributions. First,
it summarises up-to-date similar scientific and non-scientific efforts in the
field. Second, it presents the result of one of the most comprehensive tests
conducted so far, based on a rigorous research methodology, an original
document set, and a broad coverage of tools. Third, it discusses the
implications and drawbacks of using detection tools for AI-generated text in
academic settings. | cs.CL | Testing of Detection Tools for AI-Generated Text |
2023-06-21T14:58:31Z | http://arxiv.org/pdf/2306.12317v3 | http://arxiv.org/abs/2306.12317v3 | Davood Shamsi, Wen-yu Hua, Brian Williams | 2023-11-01T18:04:13Z | cs.CL | In this work, we demonstrate the application of a first-order Taylor
expansion to approximate a generic function $F: R^{n \times m} \to R^{n \times
m}$ and utilize it in language modeling. To enhance the basic Taylor expansion,
we introduce iteration and piecewise modeling, leading us to name the algorithm
the Iterative Piecewise Affine (IPA) approximation. The final algorithm
exhibits interesting resemblances to the Transformers decoder architecture. By
comparing parameter arrangements in IPA and Transformers, we observe a
strikingly similar performance, with IPA outperforming Transformers by 1.5\% in
the next token prediction task with cross-entropy loss for smaller sequence
lengths. | cs.CL | Iterated Piecewise Affine (IPA) Approximation for Language Modeling |
2023-06-21T14:43:25Z | http://arxiv.org/pdf/2306.12310v1 | http://arxiv.org/abs/2306.12310v1 | Niketha Sabesan, Nivethitha, J. N Shreyah, Pranauv A J, Shyam R | 2023-06-21T14:43:25Z | cs.CL | Web scraping is a technique that allows us to extract data from websites
automatically. in the field of medicine, web scraping can be used to collect
information about medical procedures, treatments, and healthcare providers.
this information can be used to improve patient care, monitor the quality of
healthcare services, and identify areas for improvement. one area where web
scraping can be particularly useful is in medical ministrations. medical
ministrations are the actions taken to provide medical care to patients, and
web scraping can help healthcare providers identify the most effective
ministrations for their patients. for example, healthcare providers can use web
scraping to collect data about the symptoms and medical histories of their
patients, and then use this information to determine the most appropriate
ministrations. they can also use web scraping to gather information about the
latest medical research and clinical trials, which can help them stay
up-to-date with the latest treatments and procedures. | cs.CL | Medical ministrations through web scraping |
2023-06-21T14:08:08Z | http://arxiv.org/pdf/2306.12280v1 | http://arxiv.org/abs/2306.12280v1 | Chao Yu, Wenhao Zhu, Chaoming Liu, Xiaoyu Zhang, Qiuhong zhai | 2023-06-21T14:08:08Z | cs.CL, cs.AI | The paradigm of pre-training followed by fine-tuning on downstream tasks has
become the mainstream method in natural language processing tasks. Although
pre-trained models have the advantage of generalization, their performance may
still vary significantly across different domain tasks. This is because the
data distribution in different domains varies. For example, the different parts
of the sentence 'He married Smt. Dipali Ghosh in 1947 and led a very happy
married life' may have different impact for downstream tasks. For similarity
calculations, words such as 'led' and 'life' are more important. On the other
hand, for sentiment analysis, the word 'happy' is crucial. This indicates that
different downstream tasks have different levels of sensitivity to sentence
components. Our starting point is to scale information of the model and data
according to the specifics of downstream tasks, enhancing domain information of
relevant parts for these tasks and reducing irrelevant elements for different
domain tasks, called SIFTER. In the experimental part, we use the SIFTER to
improve SimCSE by constructing positive sample pairs based on enhancing the
sentence stem and reducing the unimportant components in the sentence, and
maximize the similarity between three sentences. Similarly, SIFTER can improve
the gate mechanism of the LSTM model by short-circuiting the input gate of
important words so that the LSTM model remembers the important parts of the
sentence. Our experiments demonstrate that SIFTER outperforms the SimCSE and
LSTM baselines. | cs.CL | SIFTER: A Task-specific Alignment Strategy for Enhancing Sentence Embeddings |
2023-06-21T13:23:48Z | http://arxiv.org/pdf/2306.12255v1 | http://arxiv.org/abs/2306.12255v1 | Jingmiao Zhao, Carolyn Jane Anderson | 2023-06-21T13:23:48Z | cs.CL | We explore the ability of large language models to solve and generate puzzles
from the NPR Sunday Puzzle game show using PUZZLEQA, a dataset comprising 15
years of on-air puzzles. We evaluate four large language models using PUZZLEQA,
in both multiple choice and free response formats, and explore two prompt
engineering techniques to improve free response performance: chain-of-thought
reasoning and prompt summarization. We find that state-of-the-art large
language models can solve many PUZZLEQA puzzles: the best model, GPT-3.5,
achieves 50.2% loose accuracy. However, in our few-shot puzzle generation
experiment, we find no evidence that models can generate puzzles: GPT-3.5
generates puzzles with answers that do not conform to the generated rules.
Puzzle generation remains a challenging task for future work. | cs.CL | Solving and Generating NPR Sunday Puzzles with Large Language Models |
2023-06-21T13:04:30Z | http://arxiv.org/pdf/2306.12245v4 | http://arxiv.org/abs/2306.12245v4 | Yinghui Li, Yong Jiang, Yangning Li, Xingyu Lu, Pengjun Xie, Ying Shen, Hai-Tao Zheng | 2024-03-20T03:51:23Z | cs.CL | Entity Linking (EL) is a fundamental task for Information Extraction and
Knowledge Graphs. The general form of EL (i.e., end-to-end EL) aims to first
find mentions in the given input document and then link the mentions to
corresponding entities in a specific knowledge base. Recently, the paradigm of
retriever-reader promotes the progress of end-to-end EL, benefiting from the
advantages of dense entity retrieval and machine reading comprehension.
However, the existing study only trains the retriever and the reader separately
in a pipeline manner, which ignores the benefit that the interaction between
the retriever and the reader can bring to the task. To advance the
retriever-reader paradigm to perform more perfectly on end-to-end EL, we
propose BEER$^2$, a Bidirectional End-to-End training framework for Retriever
and Reader. Through our designed bidirectional end-to-end training, BEER$^2$
guides the retriever and the reader to learn from each other, make progress
together, and ultimately improve EL performance. Extensive experiments on
benchmarks of multiple domains demonstrate the effectiveness of our proposed
BEER$^2$. | cs.CL | Bidirectional End-to-End Learning of Retriever-Reader Paradigm for Entity Linking |
2023-06-21T12:11:31Z | http://arxiv.org/pdf/2306.12213v1 | http://arxiv.org/abs/2306.12213v1 | Nicholas Asher, Swarnadeep Bhar, Akshay Chaturvedi, Julie Hunter, Soumya Paul | 2023-06-21T12:11:31Z | cs.CL | With the advent of large language models (LLMs), the trend in NLP has been to
train LLMs on vast amounts of data to solve diverse language understanding and
generation tasks. The list of LLM successes is long and varied. Nevertheless,
several recent papers provide empirical evidence that LLMs fail to capture
important aspects of linguistic meaning. Focusing on universal quantification,
we provide a theoretical foundation for these empirical findings by proving
that LLMs cannot learn certain fundamental semantic properties including
semantic entailment and consistency as they are defined in formal semantics.
More generally, we show that LLMs are unable to learn concepts beyond the first
level of the Borel Hierarchy, which imposes severe limits on the ability of
LMs, both large and small, to capture many aspects of linguistic meaning. This
means that LLMs will continue to operate without formal guarantees on tasks
that require entailments and deep linguistic understanding. | cs.CL | Limits for Learning with Language Models |
2023-06-21T11:55:17Z | http://arxiv.org/pdf/2306.12205v1 | http://arxiv.org/abs/2306.12205v1 | Mohamad Ballout, Ulf Krumnack, Gunther Heidemann, Kai-Uwe Kühnberger | 2023-06-21T11:55:17Z | cs.CL, cs.AI | Pre-trained language models have recently emerged as a powerful tool for
fine-tuning a variety of language tasks. Ideally, when models are pre-trained
on large amount of data, they are expected to gain implicit knowledge. In this
paper, we investigate the ability of pre-trained language models to generalize
to different non-language tasks. In particular, we test them on tasks from
different domains such as computer vision, reasoning on hierarchical data, and
protein fold prediction. The four pre-trained models that we used, T5, BART,
BERT, and GPT-2 achieve outstanding results. They all have similar performance
and they outperform transformers that are trained from scratch by a large
margin. For instance, pre-trained language models perform better on the Listops
dataset, with an average accuracy of 58.7\%, compared to transformers trained
from scratch, which have an average accuracy of 29.0\%. The significant
improvement demonstrated across three types of datasets suggests that
pre-training on language helps the models to acquire general knowledge,
bringing us a step closer to general AI. We also showed that reducing the
number of parameters in pre-trained language models does not have a great
impact as the performance drops slightly when using T5-Small instead of
T5-Base. In fact, when using only 2\% of the parameters, we achieved a great
improvement compared to training from scratch. Finally, in contrast to prior
work, we find out that using pre-trained embeddings for the input layer is
necessary to achieve the desired results. | cs.CL | Investigating Pre-trained Language Models on Cross-Domain Datasets, a Step Closer to General AI |
2023-06-21T11:48:07Z | http://arxiv.org/pdf/2306.12198v1 | http://arxiv.org/abs/2306.12198v1 | Mohamad Ballout, Ulf Krumnack, Gunther Heidemann, Kai-Uwe Kühnberger | 2023-06-21T11:48:07Z | cs.CL, cs.AI, cs.LG | Investigating deep learning language models has always been a significant
research area due to the ``black box" nature of most advanced models. With the
recent advancements in pre-trained language models based on transformers and
their increasing integration into daily life, addressing this issue has become
more pressing. In order to achieve an explainable AI model, it is essential to
comprehend the procedural steps involved and compare them with human thought
processes. Thus, in this paper, we use simple, well-understood non-language
tasks to explore these models' inner workings. Specifically, we apply a
pre-trained language model to constrained arithmetic problems with hierarchical
structure, to analyze their attention weight scores and hidden states. The
investigation reveals promising results, with the model addressing hierarchical
problems in a moderately structured manner, similar to human problem-solving
strategies. Additionally, by inspecting the attention weights layer by layer,
we uncover an unconventional finding that layer 10, rather than the model's
final layer, is the optimal layer to unfreeze for the least parameter-intensive
approach to fine-tune the model. We support these findings with entropy
analysis and token embeddings similarity analysis. The attention analysis
allows us to hypothesize that the model can generalize to longer sequences in
ListOps dataset, a conclusion later confirmed through testing on sequences
longer than those in the training set. Lastly, by utilizing a straightforward
task in which the model predicts the winner of a Tic Tac Toe game, we identify
limitations in attention analysis, particularly its inability to capture 2D
patterns. | cs.CL | Opening the Black Box: Analyzing Attention Weights and Hidden States in Pre-trained Language Models for Non-language Tasks |
2023-06-21T11:24:41Z | http://arxiv.org/pdf/2306.12181v1 | http://arxiv.org/abs/2306.12181v1 | Jaap Jumelet, Willem Zuidema | 2023-06-21T11:24:41Z | cs.CL | We study feature interactions in the context of feature attribution methods
for post-hoc interpretability. In interpretability research, getting to grips
with feature interactions is increasingly recognised as an important challenge,
because interacting features are key to the success of neural networks. Feature
interactions allow a model to build up hierarchical representations for its
input, and might provide an ideal starting point for the investigation into
linguistic structure in language models. However, uncovering the exact role
that these interactions play is also difficult, and a diverse range of
interaction attribution methods has been proposed. In this paper, we focus on
the question which of these methods most faithfully reflects the inner workings
of the target models. We work out a grey box methodology, in which we train
models to perfection on a formal language classification task, using PCFGs. We
show that under specific configurations, some methods are indeed able to
uncover the grammatical rules acquired by a model. Based on these findings we
extend our evaluation to a case study on language models, providing novel
insights into the linguistic structure that these models have acquired. | cs.CL | Feature Interactions Reveal Linguistic Structure in Language Models |
2023-06-21T11:21:08Z | http://arxiv.org/pdf/2306.14917v1 | http://arxiv.org/abs/2306.14917v1 | Bernardo Leite, Henrique Lopes Cardoso | 2023-06-21T11:21:08Z | cs.CL, cs.AI, cs.CY, cs.LG | Question Generation (QG) is a task within Natural Language Processing (NLP)
that involves automatically generating questions given an input, typically
composed of a text and a target answer. Recent work on QG aims to control the
type of generated questions so that they meet educational needs. A remarkable
example of controllability in educational QG is the generation of questions
underlying certain narrative elements, e.g., causal relationship, outcome
resolution, or prediction. This study aims to enrich controllability in QG by
introducing a new guidance attribute: question explicitness. We propose to
control the generation of explicit and implicit wh-questions from
children-friendly stories. We show preliminary evidence of controlling QG via
question explicitness alone and simultaneously with another target attribute:
the question's narrative element. The code is publicly available at
github.com/bernardoleite/question-generation-control. | cs.CL | Towards Enriched Controllability for Educational Question Generation |
2023-06-21T11:01:31Z | http://arxiv.org/pdf/2306.12173v1 | http://arxiv.org/abs/2306.12173v1 | Simon Berger, Peter Vieting, Christoph Boeddeker, Ralf Schlüter, Reinhold Haeb-Umbach | 2023-06-21T11:01:31Z | cs.CL, cs.LG | Multi-speaker automatic speech recognition (ASR) is crucial for many
real-world applications, but it requires dedicated modeling techniques.
Existing approaches can be divided into modular and end-to-end methods. Modular
approaches separate speakers and recognize each of them with a single-speaker
ASR system. End-to-end models process overlapped speech directly in a single,
powerful neural network. This work proposes a middle-ground approach that
leverages explicit speech separation similarly to the modular approach but also
incorporates mixture speech information directly into the ASR module in order
to mitigate the propagation of errors made by the speech separator. We also
explore a way to exchange cross-speaker context information through a layer
that combines information of the individual speakers. Our system is optimized
through separate and joint training stages and achieves a relative improvement
of 7% in word error rate over a purely modular setup on the SMS-WSJ task. | cs.CL | Mixture Encoder for Joint Speech Separation and Recognition |
2023-06-21T09:50:48Z | http://arxiv.org/pdf/2306.12146v1 | http://arxiv.org/abs/2306.12146v1 | Robin Chan, Afra Amini, Mennatallah El-Assady | 2023-06-21T09:50:48Z | cs.CL, cs.HC | We present a human-in-the-loop dashboard tailored to diagnosing potential
spurious features that NLI models rely on for predictions. The dashboard
enables users to generate diverse and challenging examples by drawing
inspiration from GPT-3 suggestions. Additionally, users can receive feedback
from a trained NLI model on how challenging the newly created example is and
make refinements based on the feedback. Through our investigation, we discover
several categories of spurious correlations that impact the reasoning of NLI
models, which we group into three categories: Semantic Relevance, Logical
Fallacies, and Bias. Based on our findings, we identify and describe various
research opportunities, including diversifying training data and assessing NLI
models' robustness by creating adversarial test suites. | cs.CL | Which Spurious Correlations Impact Reasoning in NLI Models? A Visual Interactive Diagnosis through Data-Constrained Counterfactuals |
2023-06-21T08:43:29Z | http://arxiv.org/pdf/2306.12105v2 | http://arxiv.org/abs/2306.12105v2 | Shengbang Tong, Erik Jones, Jacob Steinhardt | 2024-03-01T21:28:00Z | cs.LG, cs.CL, cs.SE | Deployed multimodal systems can fail in ways that evaluators did not
anticipate. In order to find these failures before deployment, we introduce
MultiMon, a system that automatically identifies systematic failures --
generalizable, natural-language descriptions of patterns of model failures. To
uncover systematic failures, MultiMon scrapes a corpus for examples of
erroneous agreement: inputs that produce the same output, but should not. It
then prompts a language model (e.g., GPT-4) to find systematic patterns of
failure and describe them in natural language. We use MultiMon to find 14
systematic failures (e.g., "ignores quantifiers") of the CLIP text-encoder,
each comprising hundreds of distinct inputs (e.g., "a shelf with a few/many
books"). Because CLIP is the backbone for most state-of-the-art multimodal
systems, these inputs produce failures in Midjourney 5.1, DALL-E, VideoFusion,
and others. MultiMon can also steer towards failures relevant to specific use
cases, such as self-driving cars. We see MultiMon as a step towards evaluation
that autonomously explores the long tail of potential system failures. Code for
MULTIMON is available at https://github.com/tsb0601/MultiMon. | cs.LG | Mass-Producing Failures of Multimodal Systems with Language Models |
2023-06-21T08:08:15Z | http://arxiv.org/pdf/2306.12089v1 | http://arxiv.org/abs/2306.12089v1 | Yujin Baek, Koanho Lee, Dayeon Ki, Hyoung-Gyu Lee, Cheonbok Park, Jaegul Choo | 2023-06-21T08:08:15Z | cs.CL | Lexically-constrained NMT (LNMT) aims to incorporate user-provided
terminology into translations. Despite its practical advantages, existing work
has not evaluated LNMT models under challenging real-world conditions. In this
paper, we focus on two important but under-studied issues that lie in the
current evaluation process of LNMT studies. The model needs to cope with
challenging lexical constraints that are "homographs" or "unseen" during
training. To this end, we first design a homograph disambiguation module to
differentiate the meanings of homographs. Moreover, we propose PLUMCOT, which
integrates contextually rich information about unseen lexical constraints from
pre-trained language models and strengthens a copy mechanism of the pointer
network via direct supervision of a copying score. We also release HOLLY, an
evaluation benchmark for assessing the ability of a model to cope with
"homographic" and "unseen" lexical constraints. Experiments on HOLLY and the
previous test setup show the effectiveness of our method. The effects of
PLUMCOT are shown to be remarkable in "unseen" constraints. Our dataset is
available at https://github.com/papago-lab/HOLLY-benchmark | cs.CL | Towards Accurate Translation via Semantically Appropriate Application of Lexical Constraints |
2023-06-21T07:34:27Z | http://arxiv.org/pdf/2306.12069v1 | http://arxiv.org/abs/2306.12069v1 | Jialin Chen, Zhuosheng Zhang, Hai Zhao | 2023-06-21T07:34:27Z | cs.CL, cs.LG | Machine reading comprehension (MRC) poses new challenges over logical
reasoning, which aims to understand the implicit logical relations entailed in
the given contexts and perform inference over them. Due to the complexity of
logic, logical relations exist at different granularity levels. However, most
existing methods of logical reasoning individually focus on either entity-aware
or discourse-based information but ignore the hierarchical relations that may
even have mutual effects. In this paper, we propose a holistic graph network
(HGN) which deals with context at both discourse level and word level, as the
basis for logical reasoning, to provide a more fine-grained relation
extraction. Specifically, node-level and type-level relations, which can be
interpreted as bridges in the reasoning process, are modeled by a hierarchical
interaction mechanism to improve the interpretation of MRC systems.
Experimental results on logical reasoning QA datasets (ReClor and LogiQA) and
natural language inference datasets (SNLI and ANLI) show the effectiveness and
generalization of our method, and in-depth analysis verifies its capability to
understand complex logical relations. | cs.CL | Modeling Hierarchical Reasoning Chains by Linking Discourse Units and Key Phrases for Reading Comprehension |
2023-06-21T06:20:51Z | http://arxiv.org/pdf/2306.12043v1 | http://arxiv.org/abs/2306.12043v1 | Vyas Raina, Mark Gales | 2023-06-21T06:20:51Z | cs.CL, cs.AI | Adversarial attack research in natural language processing (NLP) has made
significant progress in designing powerful attack methods and defence
approaches. However, few efforts have sought to identify which source samples
are the most attackable or robust, i.e. can we determine for an unseen target
model, which samples are the most vulnerable to an adversarial attack. This
work formally extends the definition of sample attackability/robustness for NLP
attacks. Experiments on two popular NLP datasets, four state of the art models
and four different NLP adversarial attack methods, demonstrate that sample
uncertainty is insufficient for describing characteristics of attackable/robust
samples and hence a deep learning based detector can perform much better at
identifying the most attackable and robust samples for an unseen target model.
Nevertheless, further analysis finds that there is little agreement in which
samples are considered the most attackable/robust across different NLP attack
methods, explaining a lack of portability of attackability detection methods
across attack methods. | cs.CL | Sample Attackability in Natural Language Adversarial Attacks |
2023-06-21T06:12:14Z | http://arxiv.org/pdf/2306.12040v1 | http://arxiv.org/abs/2306.12040v1 | Phat Do, Matt Coler, Jelske Dijkstra, Esther Klabbers | 2023-06-21T06:12:14Z | cs.CL, eess.AS | We compare using a PHOIBLE-based phone mapping method and using phonological
features input in transfer learning for TTS in low-resource languages. We use
diverse source languages (English, Finnish, Hindi, Japanese, and Russian) and
target languages (Bulgarian, Georgian, Kazakh, Swahili, Urdu, and Uzbek) to
test the language-independence of the methods and enhance the findings'
applicability. We use Character Error Rates from automatic speech recognition
and predicted Mean Opinion Scores for evaluation. Results show that both phone
mapping and features input improve the output quality and the latter performs
better, but these effects also depend on the specific language combination. We
also compare the recently-proposed Angular Similarity of Phone Frequencies
(ASPF) with a family tree-based distance measure as a criterion to select
source languages in transfer learning. ASPF proves effective if label-based
phone input is used, while the language distance does not have expected
effects. | cs.CL | Strategies in Transfer Learning for Low-Resource Speech Synthesis: Phone Mapping, Features Input, and Source Language Selection |
2023-06-21T05:11:39Z | http://arxiv.org/pdf/2306.12020v1 | http://arxiv.org/abs/2306.12020v1 | Mohan Zhou, Yalong Bai, Wei Zhang, Ting Yao, Tiejun Zhao, Tao Mei | 2023-06-21T05:11:39Z | eess.AS, cs.CL, cs.SD | Dynamically synthesizing talking speech that actively responds to a listening
head is critical during the face-to-face interaction. For example, the speaker
could take advantage of the listener's facial expression to adjust the tones,
stressed syllables, or pauses. In this work, we present a new visual-aware
text-to-speech (VA-TTS) task to synthesize speech conditioned on both textual
inputs and sequential visual feedback (e.g., nod, smile) of the listener in
face-to-face communication. Different from traditional text-to-speech, VA-TTS
highlights the impact of visual modality. On this newly-minted task, we devise
a baseline model to fuse phoneme linguistic information and listener visual
signals for speech synthesis. Extensive experiments on multimodal conversation
dataset ViCo-X verify our proposal for generating more natural audio with
scenario-appropriate rhythm and prosody. | eess.AS | Visual-Aware Text-to-Speech |
2023-06-21T05:07:40Z | http://arxiv.org/pdf/2306.12018v1 | http://arxiv.org/abs/2306.12018v1 | Ye Ma, Mingming Sun, Ping Li | 2023-06-21T05:07:40Z | cs.CL, cs.AI | Recent years have witnessed the impressive progress in Neural Dependency
Parsing. According to the different factorization approaches to the graph joint
probabilities, existing parsers can be roughly divided into autoregressive and
non-autoregressive patterns. The former means that the graph should be
factorized into multiple sequentially dependent components, then it can be
built up component by component. And the latter assumes these components to be
independent so that they can be outputted in a one-shot manner. However, when
treating the directed edge as an explicit dependency relationship, we discover
that there is a mixture of independent and interdependent components in the
dependency graph, signifying that both aforementioned models fail to precisely
capture the explicit dependencies among nodes and edges. Based on this
property, we design a Semi-Autoregressive Dependency Parser to generate
dependency graphs via adding node groups and edge groups autoregressively while
pouring out all group elements in parallel. The model gains a trade-off between
non-autoregression and autoregression, which respectively suffer from the lack
of target inter-dependencies and the uncertainty of graph generation orders.
The experiments show the proposed parser outperforms strong baselines on
Enhanced Universal Dependencies of multiple languages, especially achieving
$4\%$ average promotion at graph-level accuracy. Also, the performances of
model variations show the importance of specific parts. | cs.CL | A Semi-Autoregressive Graph Generative Model for Dependency Graph Parsing |
2023-06-21T04:34:27Z | http://arxiv.org/pdf/2306.12014v1 | http://arxiv.org/abs/2306.12014v1 | Sneha Singhania, Nigel Fernandez, Shrisha Rao | 2023-06-21T04:34:27Z | cs.LG, cs.CL, cs.SI | The rapid spread of fake news is a serious problem calling for AI solutions.
We employ a deep learning based automated detector through a three level
hierarchical attention network (3HAN) for fast, accurate detection of fake
news. 3HAN has three levels, one each for words, sentences, and the headline,
and constructs a news vector: an effective representation of an input news
article, by processing an article in an hierarchical bottom-up manner. The
headline is known to be a distinguishing feature of fake news, and furthermore,
relatively few words and sentences in an article are more important than the
rest. 3HAN gives a differential importance to parts of an article, on account
of its three layers of attention. By experiments on a large real-world data
set, we observe the effectiveness of 3HAN with an accuracy of 96.77%. Unlike
some other deep learning models, 3HAN provides an understandable output through
the attention weights given to different parts of an article, which can be
visualized through a heatmap to enable further manual fact checking. | cs.LG | 3HAN: A Deep Neural Network for Fake News Detection |
2023-06-21T02:05:48Z | http://arxiv.org/pdf/2306.11976v1 | http://arxiv.org/abs/2306.11976v1 | Zheni Zeng, Bangchen Yin, Shipeng Wang, Jiarui Liu, Cheng Yang, Haishen Yao, Xingzhi Sun, Maosong Sun, Guotong Xie, Zhiyuan Liu | 2023-06-21T02:05:48Z | cs.CL, physics.chem-ph, q-bio.BM | Natural language is expected to be a key medium for various human-machine
interactions in the era of large language models. When it comes to the
biochemistry field, a series of tasks around molecules (e.g., property
prediction, molecule mining, etc.) are of great significance while having a
high technical threshold. Bridging the molecule expressions in natural language
and chemical language can not only hugely improve the interpretability and
reduce the operation difficulty of these tasks, but also fuse the chemical
knowledge scattered in complementary materials for a deeper comprehension of
molecules. Based on these benefits, we propose the conversational molecular
design, a novel task adopting natural language for describing and editing
target molecules. To better accomplish this task, we design ChatMol, a
knowledgeable and versatile generative pre-trained model, enhanced by injecting
experimental property information, molecular spatial knowledge, and the
associations between natural and chemical languages into it. Several typical
solutions including large language models (e.g., ChatGPT) are evaluated,
proving the challenge of conversational molecular design and the effectiveness
of our knowledge enhancement method. Case observations and analysis are
conducted to provide directions for further exploration of natural-language
interaction in molecular discovery. | cs.CL | Interactive Molecular Discovery with Natural Language |
2023-06-20T23:42:14Z | http://arxiv.org/pdf/2306.11943v2 | http://arxiv.org/abs/2306.11943v2 | Toufique Ahmed, Dian Yu, Chengxuan Huang, Cathy Wang, Prem Devanbu, Kenji Sagae | 2024-02-27T21:24:14Z | cs.SE, cs.CL, cs.LG | Pre-trained language models are effective in a variety of natural language
tasks, but it has been argued their capabilities fall short of fully learning
meaning or understanding language. To understand the extent to which language
models can learn some form of meaning, we investigate their ability to capture
semantics of code beyond superficial frequency and co-occurrence. In contrast
to previous research on probing models for linguistic features, we study
pre-trained models in a setting that allows for objective and straightforward
evaluation of a model's ability to learn semantics. In this paper, we examine
whether such models capture the semantics of code, which is precisely and
formally defined. Through experiments involving the manipulation of code
fragments, we show that code pre-trained models of code learn a robust
representation of the computational semantics of code that goes beyond
superficial features of form alone | cs.SE | Towards Understanding What Code Language Models Learned |
2023-06-20T22:52:51Z | http://arxiv.org/pdf/2306.11932v1 | http://arxiv.org/abs/2306.11932v1 | Christopher T. Small, Ivan Vendrov, Esin Durmus, Hadjar Homaei, Elizabeth Barry, Julien Cornebise, Ted Suzman, Deep Ganguli, Colin Megill | 2023-06-20T22:52:51Z | cs.SI, cs.CL, cs.CY, cs.HC | Polis is a platform that leverages machine intelligence to scale up
deliberative processes. In this paper, we explore the opportunities and risks
associated with applying Large Language Models (LLMs) towards challenges with
facilitating, moderating and summarizing the results of Polis engagements. In
particular, we demonstrate with pilot experiments using Anthropic's Claude that
LLMs can indeed augment human intelligence to help more efficiently run Polis
conversations. In particular, we find that summarization capabilities enable
categorically new methods with immense promise to empower the public in
collective meaning-making exercises. And notably, LLM context limitations have
a significant impact on insight and quality of these results.
However, these opportunities come with risks. We discuss some of these risks,
as well as principles and techniques for characterizing and mitigating them,
and the implications for other deliberative or political systems that may
employ LLMs. Finally, we conclude with several open future research directions
for augmenting tools like Polis with LLMs. | cs.SI | Opportunities and Risks of LLMs for Scalable Deliberation with Polis |
2023-06-20T21:22:45Z | http://arxiv.org/pdf/2306.11900v1 | http://arxiv.org/abs/2306.11900v1 | Shenbin Qian, Constantin Orasan, Felix do Carmo, Qiuliang Li, Diptesh Kanojia | 2023-06-20T21:22:45Z | cs.CL | In this paper, we focus on how current Machine Translation (MT) tools perform
on the translation of emotion-loaded texts by evaluating outputs from Google
Translate according to a framework proposed in this paper. We propose this
evaluation framework based on the Multidimensional Quality Metrics (MQM) and
perform a detailed error analysis of the MT outputs. From our analysis, we
observe that about 50% of the MT outputs fail to preserve the original emotion.
After further analysis of the errors, we find that emotion carrying words and
linguistic phenomena such as polysemous words, negation, abbreviation etc., are
common causes for these translation errors. | cs.CL | Evaluation of Chinese-English Machine Translation of Emotion-Loaded Microblog Texts: A Human Annotated Dataset for the Quality Assessment of Emotion Translation |
2023-06-20T21:12:16Z | http://arxiv.org/pdf/2306.11892v1 | http://arxiv.org/abs/2306.11892v1 | Saed Rezayi, Zhengliang Liu, Zihao Wu, Chandra Dhakal, Bao Ge, Haixing Dai, Gengchen Mai, Ninghao Liu, Chen Zhen, Tianming Liu, Sheng Li | 2023-06-20T21:12:16Z | cs.CL | This paper explores new frontiers in agricultural natural language processing
by investigating the effectiveness of using food-related text corpora for
pretraining transformer-based language models. In particular, we focus on the
task of semantic matching, which involves establishing mappings between food
descriptions and nutrition data. To accomplish this, we fine-tune a pre-trained
transformer-based language model, AgriBERT, on this task, utilizing an external
source of knowledge, such as the FoodOn ontology. To advance the field of
agricultural NLP, we propose two new avenues of exploration: (1) utilizing
GPT-based models as a baseline and (2) leveraging ChatGPT as an external source
of knowledge. ChatGPT has shown to be a strong baseline in many NLP tasks, and
we believe it has the potential to improve our model in the task of semantic
matching and enhance our model's understanding of food-related concepts and
relationships. Additionally, we experiment with other applications, such as
cuisine prediction based on food ingredients, and expand the scope of our
research to include other NLP tasks beyond semantic matching. Overall, this
paper provides promising avenues for future research in this field, with
potential implications for improving the performance of agricultural NLP
applications. | cs.CL | Exploring New Frontiers in Agricultural NLP: Investigating the Potential of Large Language Models for Food Applications |
2023-06-20T20:37:54Z | http://arxiv.org/pdf/2306.11879v4 | http://arxiv.org/abs/2306.11879v4 | Sidi Lu, Hongyi Liu, Asli Celikyilmaz, Tianlu Wang, Nanyun Peng | 2024-06-10T00:44:32Z | cs.CL | Recent advancements in open-domain text generation, driven by the power of
large pre-trained language models (LLMs), have demonstrated remarkable
performance. However, assessing these models' generation quality remains a
challenge. In this paper, we introduce a novel method for evaluating
open-domain text generation called Contrastive Distribution Methods (CDM).
Leveraging the connection between increasing model parameters and enhanced LLM
performance, CDM creates a mapping from the _contrast_ of two probabilistic
distributions -- one known to be superior to the other -- to quality measures.
We investigate CDM for open-domain text generation evaluation under two
paradigms: 1) _Generative_ CDM, which harnesses the contrast of two language
models' distributions to generate synthetic examples for training
discriminator-based metrics; 2) _Discriminative_ CDM, which directly uses
distribution disparities between two language models for evaluation. Our
experiments on coherence evaluation for multi-turn dialogue and commonsense
evaluation for controllable generation demonstrate CDM's superior correlate
with human judgment than existing automatic evaluation metrics, highlighting
the strong performance and generalizability of our approach. | cs.CL | Open-Domain Text Evaluation via Contrastive Distribution Methods |
2023-06-20T18:51:21Z | http://arxiv.org/pdf/2306.11843v1 | http://arxiv.org/abs/2306.11843v1 | Michael Glass, Xueqing Wu, Ankita Rajaram Naik, Gaetano Rossiello, Alfio Gliozzo | 2023-06-20T18:51:21Z | cs.CL, cs.AI, cs.DB, cs.IR | Data preparation, also called data wrangling, is considered one of the most
expensive and time-consuming steps when performing analytics or building
machine learning models. Preparing data typically involves collecting and
merging data from complex heterogeneous, and often large-scale data sources,
such as data lakes. In this paper, we introduce a novel approach toward
automatic data wrangling in an attempt to alleviate the effort of end-users,
e.g. data analysts, in structuring dynamic views from data lakes in the form of
tabular data. We aim to address table augmentation tasks, including row/column
population and data imputation. Given a corpus of tables, we propose a
retrieval augmented self-trained transformer model. Our self-learning strategy
consists in randomly ablating tables from the corpus and training the
retrieval-based model to reconstruct the original values or headers given the
partial tables as input. We adopt this strategy to first train the dense neural
retrieval model encoding table-parts to vectors, and then the end-to-end model
trained to perform table augmentation tasks. We test on EntiTables, the
standard benchmark for table augmentation, as well as introduce a new benchmark
to advance further research: WebTables. Our model consistently and
substantially outperforms both supervised statistical methods and the current
state-of-the-art transformer-based models. | cs.CL | Retrieval-Based Transformer for Table Augmentation |
2023-06-20T18:46:47Z | http://arxiv.org/pdf/2306.11838v1 | http://arxiv.org/abs/2306.11838v1 | Kamer Ali Yuksel, Ahmet Gunduz, Shreyas Sharma, Hassan Sawaf | 2023-06-20T18:46:47Z | cs.CL | This paper proposes an efficient and semi-automated method for
human-in-the-loop post-editing for machine translation (MT) corpus generation.
The method is based on online training of a custom MT quality estimation metric
on-the-fly as linguists perform post-edits. The online estimator is used to
prioritize worse hypotheses for post-editing, and auto-close best hypotheses
without post-editing. This way, significant improvements can be achieved in the
resulting quality of post-edits at a lower cost due to reduced human
involvement. The trained estimator can also provide an online sanity check
mechanism for post-edits and remove the need for additional linguists to review
them or work on the same hypotheses. In this paper, the effect of prioritizing
with the proposed method on the resulting MT corpus quality is presented versus
scheduling hypotheses randomly. As demonstrated by experiments, the proposed
method improves the lifecycle of MT models by focusing the linguist effort on
production samples and hypotheses, which matter most for expanding MT corpora
to be used for re-training them. | cs.CL | Efficient Machine Translation Corpus Generation |
2023-06-20T18:43:24Z | http://arxiv.org/pdf/2306.11832v1 | http://arxiv.org/abs/2306.11832v1 | Juan Ramirez-Orta, Eduardo Xamena, Ana Maguitman, Axel J. Soto, Flavia P. Zanoto, Evangelos Milios | 2023-06-20T18:43:24Z | cs.IR, cs.CL | Abstract. When writing an academic paper, researchers often spend
considerable time reviewing and summarizing papers to extract relevant
citations and data to compose the Introduction and Related Work sections. To
address this problem, we propose QuOTeS, an interactive system designed to
retrieve sentences related to a summary of the research from a collection of
potential references and hence assist in the composition of new papers. QuOTeS
integrates techniques from Query-Focused Extractive Summarization and
High-Recall Information Retrieval to provide Interactive Query-Focused
Summarization of scientific documents. To measure the performance of our
system, we carried out a comprehensive user study where participants uploaded
papers related to their research and evaluated the system in terms of its
usability and the quality of the summaries it produces. The results show that
QuOTeS provides a positive user experience and consistently provides
query-focused summaries that are relevant, concise, and complete. We share the
code of our system and the novel Query-Focused Summarization dataset collected
during our experiments at https://github.com/jarobyte91/quotes. | cs.IR | QuOTeS: Query-Oriented Technical Summarization |
2023-06-20T18:36:52Z | http://arxiv.org/pdf/2306.11825v2 | http://arxiv.org/abs/2306.11825v2 | Sidi Lu, Wenbo Zhao, Chenyang Tao, Arpit Gupta, Shanchan Wu, Tagyoung Chung, Nanyun Peng | 2024-06-06T21:01:09Z | cs.CL | NeurAlly-Decomposed Oracle (NADO) is a powerful approach for controllable
generation with large language models. It is designed to avoid catastrophic
forgetting while achieving guaranteed convergence to an entropy-maximized
closed-form optimal solution with reasonable modeling capacity. Despite the
success, several challenges arise when apply NADO to a wide range of scenarios.
Vanilla NADO suffers from gradient vanishing for low-probability control
signals and is highly reliant on a regularization to satisfy the stochastic
version of Bellman equation. In addition, the vanilla implementation of NADO
introduces a few additional transformer layers, suffering from a limited
capacity especially compared to other finetune-based model adaptation methods
like LoRA. In this paper, we propose a improved version of the NADO algorithm,
namely DiNADO (norm-Disentangled NeurAlly-Decomposed Oracles), which improves
the performance of the NADO algorithm through disentangling the step-wise
global norm over the approximated oracle $R$-value for all potential
next-tokens, allowing DiNADO to be combined with finetuning methods like LoRA.
We discuss in depth how DiNADO achieves better capacity, stability and
flexibility with both empirical and theoretical results. Experiments on
formality control in machine translation and the lexically constrained
generation task CommonGen demonstrates the significance of the improvements. | cs.CL | DiNADO: Norm-Disentangled Neurally-Decomposed Oracles for Controlling Language Models |
2023-06-20T18:32:30Z | http://arxiv.org/pdf/2306.11823v1 | http://arxiv.org/abs/2306.11823v1 | Kamer Ali Yuksel, Ahmet Gunduz, Mohamed Al-Badrashiny, Shreyas Sharma, Hassan Sawaf | 2023-06-20T18:32:30Z | cs.CL | This paper presents EvolveMT for efficiently combining multiple machine
translation (MT) engines. The proposed system selects the output from a single
engine for each segment by utilizing online learning techniques to predict the
most suitable system for every translation request. A neural quality estimation
metric supervises the method without requiring reference translations. The
online learning capability of this system allows for dynamic adaptation to
alterations in the domain or machine translation engines, thereby obviating the
necessity for additional training. EvolveMT selects a subset of translation
engines to be called based on the source sentence features. The degree of
exploration is configurable according to the desired quality-cost trade-off.
Results from custom datasets demonstrate that EvolveMT achieves similar
translation accuracy at a lower cost than selecting the best translation of
each segment from all translations using an MT quality estimator. To our
knowledge, EvolveMT is the first meta MT system that adapts itself after
deployment to incoming translation requests from the production environment
without needing costly retraining on human feedback. | cs.CL | EvolveMT: an Ensemble MT Engine Improving Itself with Usage Only |
2023-06-20T18:19:17Z | http://arxiv.org/pdf/2306.11816v2 | http://arxiv.org/abs/2306.11816v2 | Jonathan D. Chang, Kiante Brantley, Rajkumar Ramamurthy, Dipendra Misra, Wen Sun | 2023-11-13T18:51:42Z | cs.LG, cs.AI, cs.CL | Reinforcement learning (RL) has emerged as a powerful paradigm for
fine-tuning Large Language Models (LLMs) for text generation. In particular,
recent LLMs such as ChatGPT and GPT-4 can engage in fluent conversations with
users after finetuning with RL. Capitalizing on key properties of text
generation, we seek to investigate RL algorithms beyond general purpose
algorithms like Proximal Policy Optimization (PPO). In particular, we extend RL
algorithms to allow them to interact with a dynamic black-box guide LLM and
propose RL with guided feedback (RLGF), a suite of RL algorithms for LLM
fine-tuning. We provide two ways for the guide LLM to interact with the LLM to
be optimized for maximizing rewards. The guide LLM can generate text which
serves as additional starting states for the RL optimization procedure. The
guide LLM can also be used to complete the partial sentences generated by the
LLM that is being optimized, treating the guide LLM as an expert to imitate and
surpass eventually. We experiment on the IMDB positive sentiment, CommonGen,
and TL;DR summarization tasks. We show that our RL algorithms achieve higher
performance than supervised learning (SL) and the RL baseline PPO,
demonstrating the benefit of interaction with the guide LLM. On both CommonGen
and TL;DR, we not only outperform our SL baselines but also improve upon PPO
across a variety of metrics beyond the one we optimized for. Our code can be
found at https://github.com/Cornell-RL/tril. | cs.LG | Learning to Generate Better Than Your LLM |
2023-06-20T17:30:02Z | http://arxiv.org/pdf/2306.11702v2 | http://arxiv.org/abs/2306.11702v2 | Zui Chen, Lei Cao, Sam Madden | 2023-09-01T15:40:40Z | cs.DB, cs.CL | Data curation is a wide-ranging area which contains many critical but
time-consuming data processing tasks. However, the diversity of such tasks
makes it challenging to develop a general-purpose data curation system. To
address this issue, we present Lingua Manga, a user-friendly and versatile
system that utilizes pre-trained large language models. Lingua Manga offers
automatic optimization for achieving high performance and label efficiency
while facilitating flexible and rapid development. Through three example
applications with distinct objectives and users of varying levels of technical
proficiency, we demonstrate that Lingua Manga can effectively assist both
skilled programmers and low-code or even no-code users in addressing data
curation challenges. | cs.DB | Lingua Manga: A Generic Large Language Model Centric System for Data Curation |
2023-06-20T17:24:23Z | http://arxiv.org/pdf/2306.11698v5 | http://arxiv.org/abs/2306.11698v5 | Boxin Wang, Weixin Chen, Hengzhi Pei, Chulin Xie, Mintong Kang, Chenhui Zhang, Chejian Xu, Zidi Xiong, Ritik Dutta, Rylan Schaeffer, Sang T. Truong, Simran Arora, Mantas Mazeika, Dan Hendrycks, Zinan Lin, Yu Cheng, Sanmi Koyejo, Dawn Song, Bo Li | 2024-02-26T20:41:01Z | cs.CL, cs.AI, cs.CR | Generative Pre-trained Transformer (GPT) models have exhibited exciting
progress in their capabilities, capturing the interest of practitioners and the
public alike. Yet, while the literature on the trustworthiness of GPT models
remains limited, practitioners have proposed employing capable GPT models for
sensitive applications such as healthcare and finance -- where mistakes can be
costly. To this end, this work proposes a comprehensive trustworthiness
evaluation for large language models with a focus on GPT-4 and GPT-3.5,
considering diverse perspectives -- including toxicity, stereotype bias,
adversarial robustness, out-of-distribution robustness, robustness on
adversarial demonstrations, privacy, machine ethics, and fairness. Based on our
evaluations, we discover previously unpublished vulnerabilities to
trustworthiness threats. For instance, we find that GPT models can be easily
misled to generate toxic and biased outputs and leak private information in
both training data and conversation history. We also find that although GPT-4
is usually more trustworthy than GPT-3.5 on standard benchmarks, GPT-4 is more
vulnerable given jailbreaking system or user prompts, potentially because GPT-4
follows (misleading) instructions more precisely. Our work illustrates a
comprehensive trustworthiness evaluation of GPT models and sheds light on the
trustworthiness gaps. Our benchmark is publicly available at
https://decodingtrust.github.io/ ; our dataset can be previewed at
https://huggingface.co/datasets/AI-Secure/DecodingTrust ; a concise version of
this work is at https://openreview.net/pdf?id=kaHpo8OZw2 . | cs.CL | DecodingTrust: A Comprehensive Assessment of Trustworthiness in GPT Models |
2023-06-20T17:18:20Z | http://arxiv.org/pdf/2306.11695v3 | http://arxiv.org/abs/2306.11695v3 | Mingjie Sun, Zhuang Liu, Anna Bair, J. Zico Kolter | 2024-05-06T17:47:01Z | cs.CL, cs.AI, cs.LG | As their size increases, Large Languages Models (LLMs) are natural candidates
for network pruning methods: approaches that drop a subset of network weights
while striving to preserve performance. Existing methods, however, require
either retraining, which is rarely affordable for billion-scale LLMs, or
solving a weight reconstruction problem reliant on second-order information,
which may also be computationally expensive. In this paper, we introduce a
novel, straightforward yet effective pruning method, termed Wanda (Pruning by
Weights and activations), designed to induce sparsity in pretrained LLMs.
Motivated by the recent observation of emergent large magnitude features in
LLMs, our approach prunes weights with the smallest magnitudes multiplied by
the corresponding input activations, on a per-output basis. Notably, Wanda
requires no retraining or weight update, and the pruned LLM can be used as is.
We conduct a thorough evaluation of our method Wanda on LLaMA and LLaMA-2
across various language benchmarks. Wanda significantly outperforms the
established baseline of magnitude pruning and performs competitively against
recent method involving intensive weight update. Code is available at
https://github.com/locuslab/wanda. | cs.CL | A Simple and Effective Pruning Approach for Large Language Models |
2023-06-20T16:16:56Z | http://arxiv.org/pdf/2306.11648v1 | http://arxiv.org/abs/2306.11648v1 | Ioana Ciucă, Yuan-Sen Ting, Sandor Kruk, Kartheik Iyer | 2023-06-20T16:16:56Z | astro-ph.IM, astro-ph.GA, cs.AI, cs.CL | This study investigates the application of Large Language Models (LLMs),
specifically GPT-4, within Astronomy. We employ in-context prompting, supplying
the model with up to 1000 papers from the NASA Astrophysics Data System, to
explore the extent to which performance can be improved by immersing the model
in domain-specific literature. Our findings point towards a substantial boost
in hypothesis generation when using in-context prompting, a benefit that is
further accentuated by adversarial prompting. We illustrate how adversarial
prompting empowers GPT-4 to extract essential details from a vast knowledge
base to produce meaningful hypotheses, signaling an innovative step towards
employing LLMs for scientific research in Astronomy. | astro-ph.IM | Harnessing the Power of Adversarial Prompting and Large Language Models for Robust Hypothesis Generation in Astronomy |
2023-06-20T16:14:27Z | http://arxiv.org/pdf/2306.11646v1 | http://arxiv.org/abs/2306.11646v1 | Chen Xu, Rong Ye, Qianqian Dong, Chengqi Zhao, Tom Ko, Mingxuan Wang, Tong Xiao, Jingbo Zhu | 2023-06-20T16:14:27Z | cs.CL, eess.AS | Recently, speech-to-text translation has attracted more and more attention
and many studies have emerged rapidly. In this paper, we present a
comprehensive survey on direct speech translation aiming to summarize the
current state-of-the-art techniques. First, we categorize the existing research
work into three directions based on the main challenges -- modeling burden,
data scarcity, and application issues. To tackle the problem of modeling
burden, two main structures have been proposed, encoder-decoder framework
(Transformer and the variants) and multitask frameworks. For the challenge of
data scarcity, recent work resorts to many sophisticated techniques, such as
data augmentation, pre-training, knowledge distillation, and multilingual
modeling. We analyze and summarize the application issues, which include
real-time, segmentation, named entity, gender bias, and code-switching.
Finally, we discuss some promising directions for future work. | cs.CL | Recent Advances in Direct Speech-to-text Translation |
2023-06-20T16:14:25Z | http://arxiv.org/pdf/2306.11644v2 | http://arxiv.org/abs/2306.11644v2 | Suriya Gunasekar, Yi Zhang, Jyoti Aneja, Caio César Teodoro Mendes, Allie Del Giorno, Sivakanth Gopi, Mojan Javaheripi, Piero Kauffmann, Gustavo de Rosa, Olli Saarikivi, Adil Salim, Shital Shah, Harkirat Singh Behl, Xin Wang, Sébastien Bubeck, Ronen Eldan, Adam Tauman Kalai, Yin Tat Lee, Yuanzhi Li | 2023-10-02T06:12:30Z | cs.CL, cs.AI, cs.LG | We introduce phi-1, a new large language model for code, with significantly
smaller size than competing models: phi-1 is a Transformer-based model with
1.3B parameters, trained for 4 days on 8 A100s, using a selection of ``textbook
quality" data from the web (6B tokens) and synthetically generated textbooks
and exercises with GPT-3.5 (1B tokens). Despite this small scale, phi-1 attains
pass@1 accuracy 50.6% on HumanEval and 55.5% on MBPP. It also displays
surprising emergent properties compared to phi-1-base, our model before our
finetuning stage on a dataset of coding exercises, and phi-1-small, a smaller
model with 350M parameters trained with the same pipeline as phi-1 that still
achieves 45% on HumanEval. | cs.CL | Textbooks Are All You Need |
2023-06-20T15:43:28Z | http://arxiv.org/pdf/2307.07513v1 | http://arxiv.org/abs/2307.07513v1 | Mingquan Lin, Song Wang, Ying Ding, Lihui Zhao, Fei Wang, Yifan Peng | 2023-06-20T15:43:28Z | cs.AI, cs.CL, cs.CV, cs.LG, eess.IV | Background: The predictive Intensive Care Unit (ICU) scoring system plays an
important role in ICU management because it predicts important outcomes,
especially mortality. Many scoring systems have been developed and used in the
ICU. These scoring systems are primarily based on the structured clinical data
in the electronic health record (EHR), which may suffer the loss of important
clinical information in the narratives and images. Methods: In this work, we
build a deep learning based survival prediction model with multi-modality data
to predict ICU mortality. Four sets of features are investigated: (1)
physiological measurements of Simplified Acute Physiology Score (SAPS) II, (2)
common thorax diseases pre-defined by radiologists, (3) BERT-based text
representations, and (4) chest X-ray image features. We use the Medical
Information Mart for Intensive Care IV (MIMIC-IV) dataset to evaluate the
proposed model. Results: Our model achieves the average C-index of 0.7829 (95%
confidence interval, 0.7620-0.8038), which substantially exceeds that of the
baseline with SAPS-II features (0.7470 (0.7263-0.7676)). Ablation studies
further demonstrate the contributions of pre-defined labels (2.00%), text
features (2.44%), and image features (2.82%). | cs.AI | An empirical study of using radiology reports and images to improve ICU mortality prediction |
2023-06-20T15:13:02Z | http://arxiv.org/pdf/2306.11593v1 | http://arxiv.org/abs/2306.11593v1 | Simone Bianco, Luigi Celona, Marco Donzella, Paolo Napoletano | 2023-06-20T15:13:02Z | cs.CV, cs.AI, cs.CL, cs.DB, cs.LG | State-of-The-Art (SoTA) image captioning models often rely on the Microsoft
COCO (MS-COCO) dataset for training. This dataset contains annotations provided
by human annotators, who typically produce captions averaging around ten
tokens. However, this constraint presents a challenge in effectively capturing
complex scenes and conveying detailed information. Furthermore, captioning
models tend to exhibit bias towards the ``average'' caption, which captures
only the more general aspects. What would happen if we were able to
automatically generate longer captions, thereby making them more detailed?
Would these captions, evaluated by humans, be more or less representative of
the image content compared to the original MS-COCO captions? In this paper, we
present a novel approach to address previous challenges by showcasing how
captions generated from different SoTA models can be effectively fused,
resulting in richer captions. Our proposed method leverages existing models
from the literature, eliminating the need for additional training. Instead, it
utilizes an image-text based metric to rank the captions generated by SoTA
models for a given image. Subsequently, the top two captions are fused using a
Large Language Model (LLM). Experimental results demonstrate the effectiveness
of our approach, as the captions generated by our model exhibit higher
consistency with human judgment when evaluated on the MS-COCO test set. By
combining the strengths of various SoTA models, our method enhances the quality
and appeal of image captions, bridging the gap between automated systems and
the rich, informative nature of human-generated descriptions. This advance
opens up new possibilities for generating captions that are more suitable for
the training of both vision-language and captioning models. | cs.CV | Improving Image Captioning Descriptiveness by Ranking and LLM-based Fusion |
2023-06-20T15:02:25Z | http://arxiv.org/pdf/2306.11585v2 | http://arxiv.org/abs/2306.11585v2 | Minghua He, Nanfei Gu, Yuntao Shi, Qionghui Zhang, Yaying Chen | 2023-07-20T14:31:10Z | cs.CL | Artificial intelligence researchers have made significant advances in legal
intelligence in recent years. However, the existing studies have not focused on
the important value embedded in judgments reversals, which limits the
improvement of the efficiency of legal intelligence. In this paper, we propose
a causal Framework for Accurately Inferring case Reversals (FAIR), which models
the problem of judgments reversals based on real Chinese judgments. We mine the
causes of judgments reversals by causal inference methods and inject the
obtained causal relationships into the neural network as a priori knowledge.
And then, our framework is validated on a challenging dataset as a legal
judgment prediction task. The experimental results show that our framework can
tap the most critical factors in judgments reversal, and the obtained causal
relationships can effectively improve the neural network's performance. In
addition, we discuss the generalization ability of large language models for
legal intelligence tasks using ChatGPT as an example. Our experiment has found
that the generalization ability of large language models still has defects, and
mining causal relationships can effectively improve the accuracy and explain
ability of model predictions. | cs.CL | FAIR: A Causal Framework for Accurately Inferring Judgments Reversals |
2023-06-20T14:23:32Z | http://arxiv.org/pdf/2306.11559v1 | http://arxiv.org/abs/2306.11559v1 | Matthias Orlikowski, Paul Röttger, Philipp Cimiano, Dirk Hovy | 2023-06-20T14:23:32Z | cs.CL | Many NLP tasks exhibit human label variation, where different annotators give
different labels to the same texts. This variation is known to depend, at least
in part, on the sociodemographics of annotators. Recent research aims to model
individual annotator behaviour rather than predicting aggregated labels, and we
would expect that sociodemographic information is useful for these models. On
the other hand, the ecological fallacy states that aggregate group behaviour,
such as the behaviour of the average female annotator, does not necessarily
explain individual behaviour. To account for sociodemographics in models of
individual annotator behaviour, we introduce group-specific layers to
multi-annotator models. In a series of experiments for toxic content detection,
we find that explicitly accounting for sociodemographic attributes in this way
does not significantly improve model performance. This result shows that
individual annotation behaviour depends on much more than just
sociodemographics. | cs.CL | The Ecological Fallacy in Annotation: Modelling Human Label Variation goes beyond Sociodemographics |
2023-06-20T13:14:15Z | http://arxiv.org/pdf/2306.11520v1 | http://arxiv.org/abs/2306.11520v1 | Shawn Curran, Sam Lansley, Oliver Bethell | 2023-06-20T13:14:15Z | cs.CL | The legal profession necessitates a multidimensional approach that involves
synthesizing an in-depth comprehension of a legal issue with insightful
commentary based on personal experience, combined with a comprehensive
understanding of pertinent legislation, regulation, and case law, in order to
deliver an informed legal solution. The present offering with generative AI
presents major obstacles in replicating this, as current models struggle to
integrate and navigate such a complex interplay of understanding, experience,
and fact-checking procedures. It is noteworthy that where generative AI outputs
understanding and experience, which reflect the aggregate of various subjective
views on similar topics, this often deflects the model's attention from the
crucial legal facts, thereby resulting in hallucination. Hence, this paper
delves into the feasibility of three independent LLMs, each focused on
understanding, experience, and facts, synthesising as one single ensemble model
to effectively counteract the current challenges posed by the existing
monolithic generative AI models. We introduce an idea of mutli-length
tokenisation to protect key information assets like common law judgements, and
finally we interrogate the most advanced publicly available models for legal
hallucination, with some interesting results. | cs.CL | Hallucination is the last thing you need |
2023-06-20T13:12:58Z | http://arxiv.org/pdf/2306.11518v2 | http://arxiv.org/abs/2306.11518v2 | Aleš Žagar, Marko Robnik-Šikonja | 2023-08-07T09:17:43Z | cs.CL | Text summarization is an essential task in natural language processing, and
researchers have developed various approaches over the years, ranging from
rule-based systems to neural networks. However, there is no single model or
approach that performs well on every type of text. We propose a system that
recommends the most suitable summarization model for a given text. The proposed
system employs a fully connected neural network that analyzes the input content
and predicts which summarizer should score the best in terms of ROUGE score for
a given input. The meta-model selects among four different summarization
models, developed for the Slovene language, using different properties of the
input, in particular its Doc2Vec document representation. The four Slovene
summarization models deal with different challenges associated with text
summarization in a less-resourced language. We evaluate the proposed SloMetaSum
model performance automatically and parts of it manually. The results show that
the system successfully automates the step of manually selecting the best
model. | cs.CL | One model to rule them all: ranking Slovene summarizers |
2023-06-20T12:53:39Z | http://arxiv.org/pdf/2306.11507v1 | http://arxiv.org/abs/2306.11507v1 | Yue Huang, Qihui Zhang, Philip S. Y, Lichao Sun | 2023-06-20T12:53:39Z | cs.CL, cs.AI | Large Language Models (LLMs) such as ChatGPT, have gained significant
attention due to their impressive natural language processing capabilities. It
is crucial to prioritize human-centered principles when utilizing these models.
Safeguarding the ethical and moral compliance of LLMs is of utmost importance.
However, individual ethical issues have not been well studied on the latest
LLMs. Therefore, this study aims to address these gaps by introducing a new
benchmark -- TrustGPT. TrustGPT provides a comprehensive evaluation of LLMs in
three crucial areas: toxicity, bias, and value-alignment. Initially, TrustGPT
examines toxicity in language models by employing toxic prompt templates
derived from social norms. It then quantifies the extent of bias in models by
measuring quantifiable toxicity values across different groups. Lastly,
TrustGPT assesses the value of conversation generation models from both active
value-alignment and passive value-alignment tasks. Through the implementation
of TrustGPT, this research aims to enhance our understanding of the performance
of conversation generation models and promote the development of language
models that are more ethical and socially responsible. | cs.CL | TrustGPT: A Benchmark for Trustworthy and Responsible Large Language Models |
2023-06-20T12:21:06Z | http://arxiv.org/pdf/2306.11489v2 | http://arxiv.org/abs/2306.11489v2 | Linyao Yang, Hongyang Chen, Zhao Li, Xiao Ding, Xindong Wu | 2024-01-30T12:11:45Z | cs.CL, cs.AI | Recently, ChatGPT, a representative large language model (LLM), has gained
considerable attention due to its powerful emergent abilities. Some researchers
suggest that LLMs could potentially replace structured knowledge bases like
knowledge graphs (KGs) and function as parameterized knowledge bases. However,
while LLMs are proficient at learning probabilistic language patterns based on
large corpus and engaging in conversations with humans, they, like previous
smaller pre-trained language models (PLMs), still have difficulty in recalling
facts while generating knowledge-grounded contents. To overcome these
limitations, researchers have proposed enhancing data-driven PLMs with
knowledge-based KGs to incorporate explicit factual knowledge into PLMs, thus
improving their performance to generate texts requiring factual knowledge and
providing more informed responses to user queries. This paper reviews the
studies on enhancing PLMs with KGs, detailing existing knowledge graph enhanced
pre-trained language models (KGPLMs) as well as their applications. Inspired by
existing studies on KGPLM, this paper proposes to enhance LLMs with KGs by
developing knowledge graph-enhanced large language models (KGLLMs). KGLLM
provides a solution to enhance LLMs' factual reasoning ability, opening up new
avenues for LLM research. | cs.CL | Give Us the Facts: Enhancing Large Language Models with Knowledge Graphs for Fact-aware Language Modeling |
2023-06-20T12:21:06Z | http://arxiv.org/pdf/2306.12443v1 | http://arxiv.org/abs/2306.12443v1 | Mashrura Tasnim, Malikeh Ehghaghi, Brian Diep, Jekaterina Novikova | 2023-06-20T12:21:06Z | eess.AS, cs.CL, cs.LG, cs.SD | Mental distress like depression and anxiety contribute to the largest
proportion of the global burden of diseases. Automated diagnosis systems of
such disorders, empowered by recent innovations in Artificial Intelligence, can
pave the way to reduce the sufferings of the affected individuals. Development
of such systems requires information-rich and balanced corpora. In this work,
we introduce a novel mental distress analysis audio dataset DEPAC, labeled
based on established thresholds on depression and anxiety standard screening
tools. This large dataset comprises multiple speech tasks per individual, as
well as relevant demographic information. Alongside, we present a feature set
consisting of hand-curated acoustic and linguistic features, which were found
effective in identifying signs of mental illnesses in human speech. Finally, we
justify the quality and effectiveness of our proposed audio corpus and feature
set in predicting depression severity by comparing the performance of baseline
machine learning models built on this dataset with baseline models trained on
other well-known depression corpora. | eess.AS | DEPAC: a Corpus for Depression and Anxiety Detection from Speech |
2023-06-20T12:16:31Z | http://arxiv.org/pdf/2306.11485v2 | http://arxiv.org/abs/2306.11485v2 | Yafu Li, Leyang Cui, Jianhao Yan, Yongjing Yin, Wei Bi, Shuming Shi, Yue Zhang | 2023-06-25T13:32:14Z | cs.CL | Most existing text generation models follow the sequence-to-sequence
paradigm. Generative Grammar suggests that humans generate natural language
texts by learning language grammar. We propose a syntax-guided generation
schema, which generates the sequence guided by a constituency parse tree in a
top-down direction. The decoding process can be decomposed into two parts: (1)
predicting the infilling texts for each constituent in the lexicalized syntax
context given the source sentence; (2) mapping and expanding each constituent
to construct the next-level syntax context. Accordingly, we propose a
structural beam search method to find possible syntax structures
hierarchically. Experiments on paraphrase generation and machine translation
show that the proposed method outperforms autoregressive baselines, while also
demonstrating effectiveness in terms of interpretability, controllability, and
diversity. | cs.CL | Explicit Syntactic Guidance for Neural Text Generation |
2023-06-20T12:02:26Z | http://arxiv.org/pdf/2306.11477v1 | http://arxiv.org/abs/2306.11477v1 | Liang Li, Ruiying Geng, Chengyang Fang, Bing Li, Can Ma, Rongyu Cao, Binhua Li, Fei Huang, Yongbin Li | 2023-06-20T12:02:26Z | cs.CL | There are three problems existing in the popular data-to-text datasets.
First, the large-scale datasets either contain noise or lack real application
scenarios. Second, the datasets close to real applications are relatively small
in size. Last, current datasets bias in the English language while leaving
other languages underexplored. To alleviate these limitations, in this paper,
we present CATS, a pragmatic Chinese answer-to-sequence dataset with large
scale and high quality. The dataset aims to generate textual descriptions for
the answer in the practical TableQA system. Further, to bridge the structural
gap between the input SQL and table and establish better semantic alignments,
we propose a Unified Graph Transformation approach to establish a joint
encoding space for the two hybrid knowledge resources and convert this task to
a graph-to-text problem. The experiment results demonstrate the effectiveness
of our proposed method. Further analysis on CATS attests to both the high
quality and challenges of the dataset. | cs.CL | CATS: A Pragmatic Chinese Answer-to-Sequence Dataset with Large Scale and High Quality |
2023-06-20T11:53:43Z | http://arxiv.org/pdf/2306.11473v1 | http://arxiv.org/abs/2306.11473v1 | Woojay Jeon | 2023-06-20T11:53:43Z | cs.CL, eess.AS | In this work, we describe a novel method of training an embedding-matching
word-level connectionist temporal classification (CTC) automatic speech
recognizer (ASR) such that it directly produces word start times and durations,
required by many real-world applications, in addition to the transcription. The
word timestamps enable the ASR to output word segmentations and word confusion
networks without relying on a secondary model or forced alignment process when
testing. Our proposed system has similar word segmentation accuracy as a hybrid
DNN-HMM (Deep Neural Network-Hidden Markov Model) system, with less than 3ms
difference in mean absolute error in word start times on TIMIT data. At the
same time, we observed less than 5% relative increase in the word error rate
compared to the non-timestamped system when using the same audio training data
and nearly identical model size. We also contribute more rigorous analysis of
multiple-hypothesis embedding-matching ASR in general. | cs.CL | Timestamped Embedding-Matching Acoustic-to-Word CTC ASR |
2023-06-20T10:45:56Z | http://arxiv.org/pdf/2306.11444v1 | http://arxiv.org/abs/2306.11444v1 | Paola Merlo | 2023-06-20T10:45:56Z | cs.CL | We motivate and formally define a new task for fine-tuning rule-like
generalization in large language models. It is conjectured that the
shortcomings of current LLMs are due to a lack of ability to generalize. It has
been argued that, instead, humans are better at generalization because they
have a tendency at extracting rules from complex data. We try to recreate this
tendency to rule-based generalization. When exposed to tests of analytic
intelligence, for example, the visual RAVEN IQ test, human problem-solvers
identify the relevant objects in the picture and their relevant attributes and
reason based on rules applied to these objects and attributes. Based on the
induced rules, they are able to provide a solution to the test. We propose a
task that translates this IQ task into language. In this paper, we provide the
formal specification for the task and the generative process of its datasets. | cs.CL | Blackbird language matrices (BLM), a new task for rule-like generalization in neural networks: Motivations and Formal Specifications |
2023-06-20T10:41:23Z | http://arxiv.org/pdf/2306.17184v1 | http://arxiv.org/abs/2306.17184v1 | Vinoth Nandakumar, Peng Mi, Tongliang Liu | 2023-06-20T10:41:23Z | cs.CL, cs.LG, I.2.7 | Recently, deep learning has revolutionized the field of natural language
processing, with neural language models proving to be very effective for
next-word prediction. However, a rigorous theoretical explanation for their
success in the context of formal language theory has not yet been developed, as
it is unclear why neural language models can learn the combinatorial rules that
govern the next-word prediction task. In this paper, we study a class of formal
languages that can be used to model real-world examples of English sentences.
We construct neural language models can solve the next-word prediction task in
this context with zero error. Our proof highlights the different roles of the
embedding layer and the fully connected component within the neural language
model. | cs.CL | Why can neural language models solve next-word prediction? A mathematical perspective |
2023-06-20T10:22:24Z | http://arxiv.org/pdf/2306.11432v1 | http://arxiv.org/abs/2306.11432v1 | Masashi Takeshita, Rzepka Rafal, Kenji Araki | 2023-06-20T10:22:24Z | cs.AI, cs.CL | Moral AI has been studied in the fields of philosophy and artificial
intelligence. Although most existing studies are only theoretical, recent
developments in AI have made it increasingly necessary to implement AI with
morality. On the other hand, humans are under the moral uncertainty of not
knowing what is morally right. In this paper, we implement the Maximizing
Expected Choiceworthiness (MEC) algorithm, which aggregates outputs of models
based on three normative theories of normative ethics to generate the most
appropriate output. MEC is a method for making appropriate moral judgments
under moral uncertainty. Our experimental results suggest that the output of
MEC correlates to some extent with commonsense morality and that MEC can
produce equally or more appropriate output than existing methods. | cs.AI | Towards Theory-based Moral AI: Moral AI with Aggregating Models Based on Normative Ethical Theory |
2023-06-20T10:15:01Z | http://arxiv.org/pdf/2306.11426v1 | http://arxiv.org/abs/2306.11426v1 | Ioannis Panopoulos, Sokratis Nikolaidis, Stylianos I. Venieris, Iakovos S. Venieris | 2023-06-20T10:15:01Z | cs.LG, cs.CL | Deep learning (DL) is characterised by its dynamic nature, with new deep
neural network (DNN) architectures and approaches emerging every few years,
driving the field's advancement. At the same time, the ever-increasing use of
mobile devices (MDs) has resulted in a surge of DNN-based mobile applications.
Although traditional architectures, like CNNs and RNNs, have been successfully
integrated into MDs, this is not the case for Transformers, a relatively new
model family that has achieved new levels of accuracy across AI tasks, but
poses significant computational challenges. In this work, we aim to make steps
towards bridging this gap by examining the current state of Transformers'
on-device execution. To this end, we construct a benchmark of representative
models and thoroughly evaluate their performance across MDs with different
computational capabilities. Our experimental results show that Transformers are
not accelerator-friendly and indicate the need for software and hardware
optimisations to achieve efficient deployment. | cs.LG | Exploring the Performance and Efficiency of Transformer Models for NLP on Mobile Devices |
2023-06-20T10:03:57Z | http://arxiv.org/pdf/2306.11420v1 | http://arxiv.org/abs/2306.11420v1 | Zi Wang, Daniel Hershcovich | 2023-06-20T10:03:57Z | cs.CL | Compositional generalization allows efficient learning and human-like
inductive biases. Since most research investigating compositional
generalization in NLP is done on English, important questions remain
underexplored. Do the necessary compositional generalization abilities differ
across languages? Can models compositionally generalize cross-lingually? As a
first step to answering these questions, recent work used neural machine
translation to translate datasets for evaluating compositional generalization
in semantic parsing. However, we show that this entails critical semantic
distortion. To address this limitation, we craft a faithful rule-based
translation of the MCWQ dataset from English to Chinese and Japanese. Even with
the resulting robust benchmark, which we call MCWQ-R, we show that the
distribution of compositions still suffers due to linguistic divergences, and
that multilingual models still struggle with cross-lingual compositional
generalization. Our dataset and methodology will be useful resources for the
study of cross-lingual compositional generalization in other tasks. | cs.CL | On Evaluating Multilingual Compositional Generalization with Translated Datasets |
2023-06-20T09:15:52Z | http://arxiv.org/pdf/2306.11400v1 | http://arxiv.org/abs/2306.11400v1 | Yongzhu Miao, Shasha Li, Jintao Tang, Ting Wang | 2023-06-20T09:15:52Z | cs.CV, cs.CL | Prompt tuning, like CoOp, has recently shown promising vision recognizing and
transfer learning ability on various downstream tasks with the emergence of
large pre-trained vision-language models like CLIP. However, we identify that
existing uni-modal prompt tuning approaches may result in sub-optimal
performance since this uni-modal design breaks the original alignment of
textual and visual representations in the pre-trained model. Inspired by the
nature of pre-trained vision-language models, we aim to achieve completeness in
prompt tuning and propose a novel approach called Multi-modal Deep-symphysis
Prompt Tuning, dubbed as MuDPT, which extends independent multi-modal prompt
tuning by additionally learning a model-agnostic transformative network to
allow deep hierarchical bi-directional prompt fusion. We evaluate the
effectiveness of MuDPT on few-shot vision recognition and out-of-domain
generalization tasks. Compared with the state-of-the-art methods, MuDPT
achieves better recognition and generalization ability with an apparent margin
thanks to synergistic alignment of textual and visual representations. Our code
is available at: https://github.com/Mechrev0/MuDPT. | cs.CV | MuDPT: Multi-modal Deep-symphysis Prompt Tuning for Large Pre-trained Vision-Language Models |
2023-06-20T08:52:05Z | http://arxiv.org/pdf/2306.11386v1 | http://arxiv.org/abs/2306.11386v1 | Haotian Chen, Bingsheng Chen, Xiangdong Zhou | 2023-06-20T08:52:05Z | cs.CL | Document-level relation extraction (DocRE) attracts more research interest
recently. While models achieve consistent performance gains in DocRE, their
underlying decision rules are still understudied: Do they make the right
predictions according to rationales? In this paper, we take the first step
toward answering this question and then introduce a new perspective on
comprehensively evaluating a model. Specifically, we first conduct annotations
to provide the rationales considered by humans in DocRE. Then, we conduct
investigations and reveal the fact that: In contrast to humans, the
representative state-of-the-art (SOTA) models in DocRE exhibit different
decision rules. Through our proposed RE-specific attacks, we next demonstrate
that the significant discrepancy in decision rules between models and humans
severely damages the robustness of models and renders them inapplicable to
real-world RE scenarios. After that, we introduce mean average precision (MAP)
to evaluate the understanding and reasoning capabilities of models. According
to the extensive experimental results, we finally appeal to future work to
consider evaluating both performance and the understanding ability of models
for the development of their applications. We make our annotations and code
publicly available. | cs.CL | Did the Models Understand Documents? Benchmarking Models for Language Understanding in Document-Level Relation Extraction |
2023-06-20T08:27:47Z | http://arxiv.org/pdf/2306.11372v1 | http://arxiv.org/abs/2306.11372v1 | Xuan-Phi Nguyen, Sharifah Mahani Aljunied, Shafiq Joty, Lidong Bing | 2023-06-20T08:27:47Z | cs.CL, cs.AI | Large language models (LLMs) are known to effectively perform tasks by simply
observing few exemplars. However, in low-resource languages, obtaining such
hand-picked exemplars can still be challenging, where unsupervised techniques
may be necessary. Moreover, competent generative capabilities of LLMs are
observed only in high-resource languages, while their performances among
under-represented languages fall behind due to pre-training data imbalance. To
elicit LLMs' ability onto low-resource languages without any supervised data,
we propose to assemble synthetic exemplars from a diverse set of high-resource
languages to prompt the LLMs to translate from any language into English. These
prompts are then used to create intra-lingual exemplars to perform tasks in the
target languages. Our unsupervised prompting method performs on par with
supervised few-shot learning in LLMs of different sizes for translations
between English and 13 Indic and 21 African low-resource languages. We also
show that fine-tuning a 7B model on data generated from our method helps it
perform competitively with a 175B model. In non-English translation tasks, our
method even outperforms supervised prompting by up to 3 chrF++ in many
low-resource languages. When evaluated on zero-shot multilingual summarization,
our method surpasses other English-pivoting baselines by up to 4 ROUGE-L and is
also favored by GPT-4. | cs.CL | Democratizing LLMs for Low-Resource Languages by Leveraging their English Dominant Abilities with Linguistically-Diverse Prompts |
2023-06-20T08:27:42Z | http://arxiv.org/pdf/2306.11371v3 | http://arxiv.org/abs/2306.11371v3 | Leanne Nortje, Dan Oneata, Herman Kamper | 2024-04-18T17:36:53Z | eess.AS, cs.CL | We propose a visually grounded speech model that learns new words and their
visual depictions from just a few word-image example pairs. Given a set of test
images and a spoken query, we ask the model which image depicts the query word.
Previous work has simplified this few-shot learning problem by either using an
artificial setting with digit word-image pairs or by using a large number of
examples per class. Moreover, all previous studies were performed using English
speech-image data. We propose an approach that can work on natural word-image
pairs but with less examples, i.e. fewer shots, and then illustrate how this
approach can be applied for multimodal few-shot learning in a real low-resource
language, Yor\`ub\'a. Our approach involves using the given word-image example
pairs to mine new unsupervised word-image training pairs from large collections
of unlabelled speech and images. Additionally, we use a word-to-image attention
mechanism to determine word-image similarity. With this new model, we achieve
better performance with fewer shots than previous approaches on an existing
English benchmark. Many of the model's mistakes are due to confusion between
visual concepts co-occurring in similar contexts. The experiments on Yor\`ub\'a
show the benefit of transferring knowledge from a multimodal model trained on a
larger set of English speech-image data. | eess.AS | Visually grounded few-shot word learning in low-resource settings |
2023-06-20T07:27:28Z | http://arxiv.org/pdf/2306.11345v1 | http://arxiv.org/abs/2306.11345v1 | Zhongzhen Huang, Xiaofan Zhang, Shaoting Zhang | 2023-06-20T07:27:28Z | cs.CV, cs.CL | Radiology report generation aims to automatically generate a clinically
accurate and coherent paragraph from the X-ray image, which could relieve
radiologists from the heavy burden of report writing. Although various image
caption methods have shown remarkable performance in the natural image field,
generating accurate reports for medical images requires knowledge of multiple
modalities, including vision, language, and medical terminology. We propose a
Knowledge-injected U-Transformer (KiUT) to learn multi-level visual
representation and adaptively distill the information with contextual and
clinical knowledge for word prediction. In detail, a U-connection schema
between the encoder and decoder is designed to model interactions between
different modalities. And a symptom graph and an injected knowledge distiller
are developed to assist the report generation. Experimentally, we outperform
state-of-the-art methods on two widely used benchmark datasets: IU-Xray and
MIMIC-CXR. Further experimental results prove the advantages of our
architecture and the complementary benefits of the injected knowledge. | cs.CV | KiUT: Knowledge-injected U-Transformer for Radiology Report Generation |
2023-06-20T07:19:36Z | http://arxiv.org/pdf/2306.11341v1 | http://arxiv.org/abs/2306.11341v1 | Willy Fitra Hendria | 2023-06-20T07:19:36Z | cs.MM, cs.CL, cs.CV, cs.LG, eess.IV | Multimodal learning on video and text data has been receiving growing
attention from many researchers in various research tasks, including
text-to-video retrieval, video-to-text retrieval, and video captioning.
Although many algorithms have been proposed for those challenging tasks, most
of them are developed on English language datasets. Despite Indonesian being
one of the most spoken languages in the world, the research progress on the
multimodal video-text with Indonesian sentences is still under-explored, likely
due to the absence of the public benchmark dataset. To address this issue, we
construct the first public Indonesian video-text dataset by translating English
sentences from the MSVD dataset to Indonesian sentences. Using our dataset, we
then train neural network models which were developed for the English
video-text dataset on three tasks, i.e., text-to-video retrieval, video-to-text
retrieval, and video captioning. The recent neural network-based approaches to
video-text tasks often utilized a feature extractor that is primarily
pretrained on an English vision-language dataset. Since the availability of the
pretraining resources with Indonesian sentences is relatively limited, the
applicability of those approaches to our dataset is still questionable. To
overcome the lack of pretraining resources, we apply cross-lingual transfer
learning by utilizing the feature extractors pretrained on the English dataset,
and we then fine-tune the models on our Indonesian dataset. Our experimental
results show that this approach can help to improve the performance for the
three tasks on all metrics. Finally, we discuss potential future works using
our dataset, inspiring further research in the Indonesian multimodal video-text
tasks. We believe that our dataset and our experimental results could provide
valuable contributions to the community. Our dataset is available on GitHub. | cs.MM | MSVD-Indonesian: A Benchmark for Multimodal Video-Text Tasks in Indonesian |
2023-06-20T06:08:09Z | http://arxiv.org/pdf/2306.11309v1 | http://arxiv.org/abs/2306.11309v1 | Xuefei Wang, Yanhua Long, Yijie Li, Haoran Wei | 2023-06-20T06:08:09Z | cs.SD, cs.CL, eess.AS, eess.SP | Low-resource accented speech recognition is one of the important challenges
faced by current ASR technology in practical applications. In this study, we
propose a Conformer-based architecture, called Aformer, to leverage both the
acoustic information from large non-accented and limited accented training
data. Specifically, a general encoder and an accent encoder are designed in the
Aformer to extract complementary acoustic information. Moreover, we propose to
train the Aformer in a multi-pass manner, and investigate three
cross-information fusion methods to effectively combine the information from
both general and accent encoders. All experiments are conducted on both the
accented English and Mandarin ASR tasks. Results show that our proposed methods
outperform the strong Conformer baseline by relative 10.2% to 24.5%
word/character error rate reduction on six in-domain and out-of-domain accented
test sets. | cs.SD | Multi-pass Training and Cross-information Fusion for Low-resource End-to-end Accented Speech Recognition |
2023-06-20T05:30:59Z | http://arxiv.org/pdf/2306.11300v5 | http://arxiv.org/abs/2306.11300v5 | Zilun Zhang, Tiancheng Zhao, Yulong Guo, Jianwei Yin | 2024-01-02T14:18:02Z | cs.CV, cs.AI, cs.CL, cs.MM | Pre-trained Vision-Language Models (VLMs) utilizing extensive image-text
paired data have demonstrated unprecedented image-text association
capabilities, achieving remarkable results across various downstream tasks. A
critical challenge is how to make use of existing large-scale pre-trained VLMs,
which are trained on common objects, to perform the domain-specific transfer
for accomplishing domain-related downstream tasks. A critical challenge is how
to make use of existing large-scale pre-trained VLMs, which are trained on
common objects, to perform the domain-specific transfer for accomplishing
domain-related downstream tasks. In this paper, we propose a new framework that
includes the Domain pre-trained Vision-Language Model (DVLM), bridging the gap
between the General Vision-Language Model (GVLM) and domain-specific downstream
tasks. Moreover, we present an image-text paired dataset in the field of remote
sensing (RS), RS5M, which has 5 million RS images with English descriptions.
The dataset is obtained from filtering publicly available image-text paired
datasets and captioning label-only RS datasets with pre-trained VLM. These
constitute the first large-scale RS image-text paired dataset. Additionally, we
fine-tuned the CLIP model and tried several Parameter-Efficient Fine-Tuning
methods on RS5M to implement the DVLM. Experimental results show that our
proposed dataset is highly effective for various tasks, and our model GeoRSCLIP
improves upon the baseline or previous state-of-the-art model by $3\%\sim20\%$
in Zero-shot Classification (ZSC), $3\%\sim6\%$ in Remote Sensing Cross-Modal
Text-Image Retrieval (RSCTIR) and $4\%\sim5\%$ in Semantic Localization (SeLo)
tasks. Dataset and models have been released in:
\url{https://github.com/om-ai-lab/RS5M}. | cs.CV | RS5M and GeoRSCLIP: A Large Scale Vision-Language Dataset and A Large Vision-Language Model for Remote Sensing |
2023-06-20T05:20:29Z | http://arxiv.org/pdf/2306.11296v2 | http://arxiv.org/abs/2306.11296v2 | Zhiling Zheng, Oufan Zhang, Christian Borgs, Jennifer T. Chayes, Omar M. Yaghi | 2023-07-20T02:20:35Z | cs.IR, cond-mat.mtrl-sci, cs.CL, physics.chem-ph | We use prompt engineering to guide ChatGPT in the automation of text mining
of metal-organic frameworks (MOFs) synthesis conditions from diverse formats
and styles of the scientific literature. This effectively mitigates ChatGPT's
tendency to hallucinate information -- an issue that previously made the use of
Large Language Models (LLMs) in scientific fields challenging. Our approach
involves the development of a workflow implementing three different processes
for text mining, programmed by ChatGPT itself. All of them enable parsing,
searching, filtering, classification, summarization, and data unification with
different tradeoffs between labor, speed, and accuracy. We deploy this system
to extract 26,257 distinct synthesis parameters pertaining to approximately 800
MOFs sourced from peer-reviewed research articles. This process incorporates
our ChemPrompt Engineering strategy to instruct ChatGPT in text mining,
resulting in impressive precision, recall, and F1 scores of 90-99%.
Furthermore, with the dataset built by text mining, we constructed a
machine-learning model with over 86% accuracy in predicting MOF experimental
crystallization outcomes and preliminarily identifying important factors in MOF
crystallization. We also developed a reliable data-grounded MOF chatbot to
answer questions on chemical reactions and synthesis procedures. Given that the
process of using ChatGPT reliably mines and tabulates diverse MOF synthesis
information in a unified format, while using only narrative language requiring
no coding expertise, we anticipate that our ChatGPT Chemistry Assistant will be
very useful across various other chemistry sub-disciplines. | cs.IR | ChatGPT Chemistry Assistant for Text Mining and Prediction of MOF Synthesis |
2023-06-20T03:48:51Z | http://arxiv.org/pdf/2306.11270v2 | http://arxiv.org/abs/2306.11270v2 | Jiuding Sun, Chantal Shaib, Byron C. Wallace | 2023-07-09T00:39:30Z | cs.CL, cs.LG | Instruction fine-tuning has recently emerged as a promising approach for
improving the zero-shot capabilities of Large Language Models (LLMs) on new
tasks. This technique has shown particular strength in improving the
performance of modestly sized LLMs, sometimes inducing performance competitive
with much larger model variants. In this paper we ask two questions: (1) How
sensitive are instruction-tuned models to the particular phrasings of
instructions, and, (2) How can we make them more robust to such natural
language variation? To answer the former, we collect a set of 319 instructions
manually written by NLP practitioners for over 80 unique tasks included in
widely used benchmarks, and we evaluate the variance and average performance of
these instructions as compared to instruction phrasings observed during
instruction fine-tuning. We find that using novel (unobserved) but appropriate
instruction phrasings consistently degrades model performance, sometimes
substantially so. Further, such natural instructions yield a wide variance in
downstream performance, despite their semantic equivalence. Put another way,
instruction-tuned models are not especially robust to instruction re-phrasings.
We propose a simple method to mitigate this issue by introducing ``soft
prompt'' embedding parameters and optimizing these to maximize the similarity
between representations of semantically equivalent instructions. We show that
this method consistently improves the robustness of instruction-tuned models. | cs.CL | Evaluating the Zero-shot Robustness of Instruction-tuned Language Models |
2023-06-20T03:25:51Z | http://arxiv.org/pdf/2306.11260v3 | http://arxiv.org/abs/2306.11260v3 | Dongming Wu, Lulu Wen, Chao Chen, Zhaoshu Shi | 2023-10-07T02:23:14Z | cs.CL | Aspect-based-sentiment-analysis (ABSA) is a fine-grained sentiment evaluation
task, which analyzes the emotional polarity of the evaluation aspects.
Generally, the emotional polarity of an aspect exists in the corresponding
opinion expression, whose diversity has great impact on model's performance. To
mitigate this problem, we propose a novel and simple counterfactual data
augmentation method to generate opinion expressions with reversed sentiment
polarity. In particular, the integrated gradients are calculated to locate and
mask the opinion expression. Then, a prompt combined with the reverse
expression polarity is added to the original text, and a Pre-trained language
model (PLM), T5, is finally was employed to predict the masks. The experimental
results shows the proposed counterfactual data augmentation method performs
better than current augmentation methods on three ABSA datasets, i.e. Laptop,
Restaurant, and MAMS. | cs.CL | A Novel Counterfactual Data Augmentation Method for Aspect-Based Sentiment Analysis |
2023-06-20T03:21:10Z | http://arxiv.org/pdf/2306.11256v1 | http://arxiv.org/abs/2306.11256v1 | Yang Janet Liu, Amir Zeldes | 2023-06-20T03:21:10Z | cs.CL | Automatic summarization with pre-trained language models has led to
impressively fluent results, but is prone to 'hallucinations', low performance
on non-news genres, and outputs which are not exactly summaries. Targeting ACL
2023's 'Reality Check' theme, we present GUMSum, a small but carefully crafted
dataset of English summaries in 12 written and spoken genres for evaluation of
abstractive summarization. Summaries are highly constrained, focusing on
substitutive potential, factuality, and faithfulness. We present guidelines and
evaluate human agreement as well as subjective judgments on recent system
outputs, comparing general-domain untuned approaches, a fine-tuned one, and a
prompt-based approach, to human performance. Results show that while GPT3
achieves impressive scores, it still underperforms humans, with varying quality
across genres. Human judgments reveal different types of errors in supervised,
prompted, and human-generated summaries, shedding light on the challenges of
producing a good summary. | cs.CL | GUMSum: Multi-Genre Data and Evaluation for English Abstractive Summarization |
2023-06-20T03:09:32Z | http://arxiv.org/pdf/2306.11252v1 | http://arxiv.org/abs/2306.11252v1 | Cihan Xiao, Henry Li Xinyuan, Jinyi Yang, Dongji Gao, Matthew Wiesner, Kevin Duh, Sanjeev Khudanpur | 2023-06-20T03:09:32Z | cs.CL, cs.LG | We introduce HK-LegiCoST, a new three-way parallel corpus of
Cantonese-English translations, containing 600+ hours of Cantonese audio, its
standard traditional Chinese transcript, and English translation, segmented and
aligned at the sentence level. We describe the notable challenges in corpus
preparation: segmentation, alignment of long audio recordings, and
sentence-level alignment with non-verbatim transcripts. Such transcripts make
the corpus suitable for speech translation research when there are significant
differences between the spoken and written forms of the source language. Due to
its large size, we are able to demonstrate competitive speech translation
baselines on HK-LegiCoST and extend them to promising cross-corpus results on
the FLEURS Cantonese subset. These results deliver insights into speech
recognition and translation research in languages for which non-verbatim or
``noisy'' transcription is common due to various factors, including vernacular
and dialectal speech. | cs.CL | HK-LegiCoST: Leveraging Non-Verbatim Transcripts for Speech Translation |
2023-06-20T01:45:42Z | http://arxiv.org/pdf/2306.11232v2 | http://arxiv.org/abs/2306.11232v2 | Haiping Huang | 2024-06-21T08:26:30Z | q-bio.NC, cond-mat.stat-mech, cs.AI, cs.CL | A good theory of mathematical beauty is more practical than any current
observation, as new predictions of physical reality can be verified
self-consistently. This belief applies to the current status of understanding
deep neural networks including large language models and even the biological
intelligence. Toy models provide a metaphor of physical reality, allowing
mathematically formulating that reality (i.e., the so-called theory), which can
be updated as more conjectures are justified or refuted. One does not need to
pack all details into a model, but rather, more abstract models are
constructed, as complex systems like brains or deep networks have many sloppy
dimensions but much less stiff dimensions that strongly impact macroscopic
observables. This kind of bottom-up mechanistic modeling is still promising in
the modern era of understanding the natural or artificial intelligence. Here,
we shed light on eight challenges in developing theory of intelligence
following this theoretical paradigm. Theses challenges are representation
learning, generalization, adversarial robustness, continual learning, causal
learning, internal model of the brain, next-token prediction, and finally the
mechanics of subjective experience. | q-bio.NC | Eight challenges in developing theory of intelligence |
2023-06-20T01:16:11Z | http://arxiv.org/pdf/2306.11222v2 | http://arxiv.org/abs/2306.11222v2 | Yixiao Li, Yifan Yu, Qingru Zhang, Chen Liang, Pengcheng He, Weizhu Chen, Tuo Zhao | 2023-06-26T15:34:57Z | cs.LG, cs.CL | Transformer models have achieved remarkable results in various natural
language tasks, but they are often prohibitively large, requiring massive
memories and computational resources. To reduce the size and complexity of
these models, we propose LoSparse (Low-Rank and Sparse approximation), a novel
model compression technique that approximates a weight matrix by the sum of a
low-rank matrix and a sparse matrix. Our method combines the advantages of both
low-rank approximations and pruning, while avoiding their limitations. Low-rank
approximation compresses the coherent and expressive parts in neurons, while
pruning removes the incoherent and non-expressive parts in neurons. Pruning
enhances the diversity of low-rank approximations, and low-rank approximation
prevents pruning from losing too many expressive neurons. We evaluate our
method on natural language understanding, question answering, and natural
language generation tasks. We show that it significantly outperforms existing
compression methods. | cs.LG | LoSparse: Structured Compression of Large Language Models based on Low-Rank and Sparse Approximation |
2023-06-20T00:14:47Z | http://arxiv.org/pdf/2306.11207v3 | http://arxiv.org/abs/2306.11207v3 | Wisdom Oluchi Ikezogwo, Mehmet Saygin Seyfioglu, Fatemeh Ghezloo, Dylan Stefan Chan Geva, Fatwir Sheikh Mohammed, Pavan Kumar Anand, Ranjay Krishna, Linda Shapiro | 2023-10-27T23:56:33Z | cs.CV, cs.CL, cs.LG | Recent accelerations in multi-modal applications have been made possible with
the plethora of image and text data available online. However, the scarcity of
analogous data in the medical field, specifically in histopathology, has slowed
comparable progress. To enable similar representation learning for
histopathology, we turn to YouTube, an untapped resource of videos, offering
$1,087$ hours of valuable educational histopathology videos from expert
clinicians. From YouTube, we curate QUILT: a large-scale vision-language
dataset consisting of $802, 144$ image and text pairs. QUILT was automatically
curated using a mixture of models, including large language models, handcrafted
algorithms, human knowledge databases, and automatic speech recognition. In
comparison, the most comprehensive datasets curated for histopathology amass
only around $200$K samples. We combine QUILT with datasets from other sources,
including Twitter, research papers, and the internet in general, to create an
even larger dataset: QUILT-1M, with $1$M paired image-text samples, marking it
as the largest vision-language histopathology dataset to date. We demonstrate
the value of QUILT-1M by fine-tuning a pre-trained CLIP model. Our model
outperforms state-of-the-art models on both zero-shot and linear probing tasks
for classifying new histopathology images across $13$ diverse patch-level
datasets of $8$ different sub-pathologies and cross-modal retrieval tasks. | cs.CV | Quilt-1M: One Million Image-Text Pairs for Histopathology |
2023-06-19T23:10:02Z | http://arxiv.org/pdf/2306.11197v4 | http://arxiv.org/abs/2306.11197v4 | Liliang Ren, Yang Liu, Shuohang Wang, Yichong Xu, Chenguang Zhu, ChengXiang Zhai | 2023-11-04T21:26:03Z | cs.LG, cs.CL | Recent hybrid models combining Linear State Space Models (SSMs) with
self-attention mechanisms have demonstrated impressive results across a range
of sequence modeling tasks. However, current approaches apply attention modules
statically and uniformly to all elements in the input sequences, leading to
sub-optimal quality-efficiency trade-offs. To address this limitation, we
introduce Sparse Modular Activation (SMA), a general mechanism enabling neural
networks to sparsely and dynamically activate sub-modules for sequence elements
in a differentiable manner. Through allowing each element to skip non-activated
sub-modules, SMA reduces computation and memory consumption of neural networks
at both training and inference stages. To validate the effectiveness of SMA on
sequence modeling, we design a novel neural architecture, SeqBoat, which
employs SMA to sparsely activate a Gated Attention Unit (GAU) based on the
state representations learned from an SSM. By constraining the GAU to only
conduct local attention on the activated inputs, SeqBoat can achieve linear
inference complexity with theoretically infinite attention span, and provide
substantially better quality-efficiency trade-off than the chunking-based
models. With experiments on a wide range of tasks, including long sequence
modeling, speech classification and language modeling, SeqBoat brings new
state-of-the-art results among hybrid models with linear complexity, and
reveals the amount of attention needed for each task through the learned sparse
activation patterns. Our code is publicly available at
https://github.com/renll/SeqBoat. | cs.LG | Sparse Modular Activation for Efficient Sequence Modeling |
2023-06-19T22:48:18Z | http://arxiv.org/pdf/2306.11189v1 | http://arxiv.org/abs/2306.11189v1 | Po-Ting Lai, Chih-Hsuan Wei, Ling Luo, Qingyu Chen, Zhiyong Lu | 2023-06-19T22:48:18Z | cs.CL | Biomedical relation extraction (RE) is the task of automatically identifying
and characterizing relations between biomedical concepts from free text. RE is
a central task in biomedical natural language processing (NLP) research and
plays a critical role in many downstream applications, such as literature-based
discovery and knowledge graph construction. State-of-the-art methods were used
primarily to train machine learning models on individual RE datasets, such as
protein-protein interaction and chemical-induced disease relation. Manual
dataset annotation, however, is highly expensive and time-consuming, as it
requires domain knowledge. Existing RE datasets are usually domain-specific or
small, which limits the development of generalized and high-performing RE
models. In this work, we present a novel framework for systematically
addressing the data heterogeneity of individual datasets and combining them
into a large dataset. Based on the framework and dataset, we report on BioREx,
a data-centric approach for extracting relations. Our evaluation shows that
BioREx achieves significantly higher performance than the benchmark system
trained on the individual dataset, setting a new SOTA from 74.4% to 79.6% in
F-1 measure on the recently released BioRED corpus. We further demonstrate that
the combined dataset can improve performance for five different RE tasks. In
addition, we show that on average BioREx compares favorably to current
best-performing methods such as transfer learning and multi-task learning.
Finally, we demonstrate BioREx's robustness and generalizability in two
independent RE tasks not previously seen in training data: drug-drug N-ary
combination and document-level gene-disease RE. The integrated dataset and
optimized method have been packaged as a stand-alone tool available at
https://github.com/ncbi/BioREx. | cs.CL | BioREx: Improving Biomedical Relation Extraction by Leveraging Heterogeneous Datasets |
2023-06-19T21:33:04Z | http://arxiv.org/pdf/2306.11174v1 | http://arxiv.org/abs/2306.11174v1 | Zack Delile, Sean Radel, Joe Godinez, Garrett Engstrom, Theo Brucker, Kenzie Young, Sepideh Ghanavati | 2023-06-19T21:33:04Z | cs.SE, cs.AI, cs.CL | Stack Overflow and other similar forums are used commonly by developers to
seek answers for their software development as well as privacy-related
concerns. Recently, ChatGPT has been used as an alternative to generate code or
produce responses to developers' questions. In this paper, we aim to understand
developers' privacy challenges by evaluating the types of privacy-related
questions asked on Stack Overflow. We then conduct a comparative analysis
between the accepted responses given by Stack Overflow users and the responses
produced by ChatGPT for those extracted questions to identify if ChatGPT could
serve as a viable alternative. Our results show that most privacy-related
questions are related to choice/consent, aggregation, and identification.
Furthermore, our findings illustrate that ChatGPT generates similarly correct
responses for about 56% of questions, while for the rest of the responses, the
answers from Stack Overflow are slightly more accurate than ChatGPT. | cs.SE | Evaluating Privacy Questions From Stack Overflow: Can ChatGPT Compete? |
2023-06-19T21:14:57Z | http://arxiv.org/pdf/2306.11167v4 | http://arxiv.org/abs/2306.11167v4 | Saeid Naeini, Raeid Saqur, Mozhgan Saeidi, John Giorgi, Babak Taati | 2023-11-08T20:47:00Z | cs.CL, cs.AI, cs.LG, I.2.7 | The quest for human imitative AI has been an enduring topic in AI research
since its inception. The technical evolution and emerging capabilities of the
latest cohort of large language models (LLMs) have reinvigorated the subject
beyond academia to the cultural zeitgeist. While recent NLP evaluation
benchmark tasks test some aspects of human-imitative behaviour (e.g.,
BIG-bench's 'human-like behavior' tasks), few, if not none, examine creative
problem solving abilities. Creative problem solving in humans is a well-studied
topic in cognitive neuroscience with standardized tests that predominantly use
the ability to associate (heterogeneous) connections among clue words as a
metric for creativity. Exposure to misleading stimuli - distractors dubbed red
herrings - impede human performance in such tasks via the fixation effect and
Einstellung paradigm. In cognitive neuroscience studies, such fixations are
experimentally induced by pre-exposing participants to orthographically similar
incorrect words to subsequent word-fragments or clues. The popular British quiz
show Only Connect's Connecting Wall segment essentially mimics Mednick's Remote
Associates Test (RAT) formulation with built-in, deliberate red herrings, which
makes it an ideal proxy dataset to explore and study fixation effect and
Einstellung paradigm from cognitive neuroscience in LLMs. In this paper we
present the novel Only Connect Wall (OCW) dataset and report results from our
evaluation of selected pre-trained language models and LLMs on creative problem
solving tasks like grouping clue words by heterogeneous connections, and
identifying correct open knowledge domain connections in respective groups. We
synthetically generate two additional datasets: OCW-Randomized, OCW-WordNet to
further analyze our red-herrings hypothesis in language models. The code and
link to the dataset are available at https://github.com/TaatiTeam/OCW. | cs.CL | Large Language Models are Fixated by Red Herrings: Exploring Creative Problem Solving and Einstellung Effect using the Only Connect Wall Dataset |
2023-06-19T17:01:13Z | http://arxiv.org/pdf/2306.11066v2 | http://arxiv.org/abs/2306.11066v2 | Venkata Prabhakara Sarath Nookala, Gaurav Verma, Subhabrata Mukherjee, Srijan Kumar | 2023-06-21T03:56:39Z | cs.CL, cs.LG | State-of-the-art few-shot learning (FSL) methods leverage prompt-based
fine-tuning to obtain remarkable results for natural language understanding
(NLU) tasks. While much of the prior FSL methods focus on improving downstream
task performance, there is a limited understanding of the adversarial
robustness of such methods. In this work, we conduct an extensive study of
several state-of-the-art FSL methods to assess their robustness to adversarial
perturbations. To better understand the impact of various factors towards
robustness (or the lack of it), we evaluate prompt-based FSL methods against
fully fine-tuned models for aspects such as the use of unlabeled data, multiple
prompts, number of few-shot examples, model size and type. Our results on six
GLUE tasks indicate that compared to fully fine-tuned models, vanilla FSL
methods lead to a notable relative drop in task performance (i.e., are less
robust) in the face of adversarial perturbations. However, using (i) unlabeled
data for prompt-based FSL and (ii) multiple prompts flip the trend. We further
demonstrate that increasing the number of few-shot examples and model size lead
to increased adversarial robustness of vanilla FSL methods. Broadly, our work
sheds light on the adversarial robustness evaluation of prompt-based FSL
methods for NLU tasks. | cs.CL | Adversarial Robustness of Prompt-based Few-Shot Learning for Natural Language Understanding |
2023-06-19T17:00:03Z | http://arxiv.org/pdf/2306.11065v1 | http://arxiv.org/abs/2306.11065v1 | Shivaen Ramshetty, Gaurav Verma, Srijan Kumar | 2023-06-19T17:00:03Z | cs.CL, cs.AI, cs.CV | The robustness of multimodal deep learning models to realistic changes in the
input text is critical for their applicability to important tasks such as
text-to-image retrieval and cross-modal entailment. To measure robustness,
several existing approaches edit the text data, but do so without leveraging
the cross-modal information present in multimodal data. Information from the
visual modality, such as color, size, and shape, provide additional attributes
that users can include in their inputs. Thus, we propose cross-modal attribute
insertions as a realistic perturbation strategy for vision-and-language data
that inserts visual attributes of the objects in the image into the
corresponding text (e.g., "girl on a chair" to "little girl on a wooden
chair"). Our proposed approach for cross-modal attribute insertions is modular,
controllable, and task-agnostic. We find that augmenting input text using
cross-modal insertions causes state-of-the-art approaches for text-to-image
retrieval and cross-modal entailment to perform poorly, resulting in relative
drops of 15% in MRR and 20% in $F_1$ score, respectively. Crowd-sourced
annotations demonstrate that cross-modal insertions lead to higher quality
augmentations for multimodal data than augmentations using text-only data, and
are equivalent in quality to original examples. We release the code to
encourage robustness evaluations of deep vision-and-language models:
https://github.com/claws-lab/multimodal-robustness-xmai. | cs.CL | Cross-Modal Attribute Insertions for Assessing the Robustness of Vision-and-Language Learning |
2023-06-19T16:15:46Z | http://arxiv.org/pdf/2306.11044v2 | http://arxiv.org/abs/2306.11044v2 | Maria Heitmeier, Yu-Ying Chuang, Seth D. Axen, R. Harald Baayen | 2024-03-18T10:36:05Z | cs.CL | Word frequency is a strong predictor in most lexical processing tasks. Thus,
any model of word recognition needs to account for how word frequency effects
arise. The Discriminative Lexicon Model (DLM; Baayen et al., 2018a, 2019)
models lexical processing with linear mappings between words' forms and their
meanings. So far, the mappings can either be obtained incrementally via
error-driven learning, a computationally expensive process able to capture
frequency effects, or in an efficient, but frequency-agnostic solution
modelling the theoretical endstate of learning (EL) where all words are learned
optimally. In this study we show how an efficient, yet frequency-informed
mapping between form and meaning can be obtained (Frequency-informed learning;
FIL). We find that FIL well approximates an incremental solution while being
computationally much cheaper. FIL shows a relatively low type- and high
token-accuracy, demonstrating that the model is able to process most word
tokens encountered by speakers in daily life correctly. We use FIL to model
reaction times in the Dutch Lexicon Project (Keuleers et al., 2010) and find
that FIL predicts well the S-shaped relationship between frequency and the mean
of reaction times but underestimates the variance of reaction times for low
frequency words. FIL is also better able to account for priming effects in an
auditory lexical decision task in Mandarin Chinese (Lee, 2007), compared to EL.
Finally, we used ordered data from CHILDES (Brown, 1973; Demuth et al., 2006)
to compare mappings obtained with FIL and incremental learning. The mappings
are highly correlated, but with FIL some nuances based on word ordering effects
are lost. Our results show how frequency effects in a learning model can be
simulated efficiently, and raise questions about how to best account for
low-frequency words in cognitive models. | cs.CL | Frequency effects in Linear Discriminative Learning |
2023-06-19T15:59:28Z | http://arxiv.org/pdf/2306.14913v1 | http://arxiv.org/abs/2306.14913v1 | Tianshuo Peng, Zuchao Li, Lefei Zhang, Bo Du, Hai Zhao | 2023-06-19T15:59:28Z | cs.CL, cs.AI | Universal Information Extraction (UIE) has been introduced as a unified
framework for various Information Extraction (IE) tasks and has achieved
widespread success. Despite this, UIE models have limitations. For example,
they rely heavily on span boundaries in the data during training, which does
not reflect the reality of span annotation challenges. Slight adjustments to
positions can also meet requirements. Additionally, UIE models lack attention
to the limited span length feature in IE. To address these deficiencies, we
propose the Fuzzy Span Universal Information Extraction (FSUIE) framework.
Specifically, our contribution consists of two concepts: fuzzy span loss and
fuzzy span attention. Our experimental results on a series of main IE tasks
show significant improvement compared to the baseline, especially in terms of
fast convergence and strong performance with small amounts of data and training
epochs. These results demonstrate the effectiveness and generalization of FSUIE
in different tasks, settings, and scenarios. | cs.CL | FSUIE: A Novel Fuzzy Span Mechanism for Universal Information Extraction |
2023-06-19T15:45:36Z | http://arxiv.org/pdf/2306.11027v1 | http://arxiv.org/abs/2306.11027v1 | Wayne Xin Zhao, Kun Zhou, Beichen Zhang, Zheng Gong, Zhipeng Chen, Yuanhang Zhou, Ji-Rong Wen, Jing Sha, Shijin Wang, Cong Liu, Guoping Hu | 2023-06-19T15:45:36Z | cs.CL, cs.AI | Although pre-trained language models~(PLMs) have recently advanced the
research progress in mathematical reasoning, they are not specially designed as
a capable multi-task solver, suffering from high cost for multi-task deployment
(\eg a model copy for a task) and inferior performance on complex mathematical
problems in practical applications. To address these issues, in this paper, we
propose \textbf{JiuZhang~2.0}, a unified Chinese PLM specially for multi-task
mathematical problem solving. Our idea is to maintain a moderate-sized model
and employ the \emph{cross-task knowledge sharing} to improve the model
capacity in a multi-task setting. Specially, we construct a
Mixture-of-Experts~(MoE) architecture for modeling mathematical text, so as to
capture the common mathematical knowledge across tasks. For optimizing the MoE
architecture, we design \emph{multi-task continual pre-training} and
\emph{multi-task fine-tuning} strategies for multi-task adaptation. These
training strategies can effectively decompose the knowledge from the task data
and establish the cross-task sharing via expert networks. In order to further
improve the general capacity of solving different complex tasks, we leverage
large language models~(LLMs) as complementary models to iteratively refine the
generated solution by our PLM, via in-context learning. Extensive experiments
have demonstrated the effectiveness of our model. | cs.CL | JiuZhang 2.0: A Unified Chinese Pre-trained Language Model for Multi-task Mathematical Problem Solving |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.