publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2023-05-25T05:01:33Z | http://arxiv.org/pdf/2305.15718v1 | http://arxiv.org/abs/2305.15718v1 | Yichong Huang, Xiaocheng Feng, Xinwei Geng, Baohang Li, Bing Qin | 2023-05-25T05:01:33Z | cs.CL | Multilingual neural machine translation has witnessed remarkable progress in
recent years. However, the long-tailed distribution of multilingual corpora
poses a challenge of Pareto optimization, i.e., optimizing for some languages
may come at the cost of degrading the performance of others. Existing balancing
training strategies are equivalent to a series of Pareto optimal solutions,
which trade off on a Pareto frontier. In this work, we propose a new training
framework, Pareto Mutual Distillation (Pareto-MD), towards pushing the Pareto
frontier outwards rather than making trade-offs. Specifically, Pareto-MD
collaboratively trains two Pareto optimal solutions that favor different
languages and allows them to learn from the strengths of each other via
knowledge distillation. Furthermore, we introduce a novel strategy to enable
stronger communication between Pareto optimal solutions and broaden the
applicability of our approach. Experimental results on the widely-used WMT and
TED datasets show that our method significantly pushes the Pareto frontier and
outperforms baselines by up to +2.46 BLEU. | cs.CL | Towards Higher Pareto Frontier in Multilingual Machine Translation |
2023-05-25T05:00:12Z | http://arxiv.org/pdf/2305.15717v1 | http://arxiv.org/abs/2305.15717v1 | Arnav Gudibande, Eric Wallace, Charlie Snell, Xinyang Geng, Hao Liu, Pieter Abbeel, Sergey Levine, Dawn Song | 2023-05-25T05:00:12Z | cs.CL | An emerging method to cheaply improve a weaker language model is to finetune
it on outputs from a stronger model, such as a proprietary system like ChatGPT
(e.g., Alpaca, Self-Instruct, and others). This approach looks to cheaply
imitate the proprietary model's capabilities using a weaker open-source model.
In this work, we critically analyze this approach. We first finetune a series
of LMs that imitate ChatGPT using varying base model sizes (1.5B--13B), data
sources, and imitation data amounts (0.3M--150M tokens). We then evaluate the
models using crowd raters and canonical NLP benchmarks. Initially, we were
surprised by the output quality of our imitation models -- they appear far
better at following instructions, and crowd workers rate their outputs as
competitive with ChatGPT. However, when conducting more targeted automatic
evaluations, we find that imitation models close little to none of the gap from
the base LM to ChatGPT on tasks that are not heavily supported in the imitation
data. We show that these performance discrepancies may slip past human raters
because imitation models are adept at mimicking ChatGPT's style but not its
factuality. Overall, we conclude that model imitation is a false promise: there
exists a substantial capabilities gap between open and closed LMs that, with
current methods, can only be bridged using an unwieldy amount of imitation data
or by using more capable base LMs. In turn, we argue that the highest leverage
action for improving open-source models is to tackle the difficult challenge of
developing better base LMs, rather than taking the shortcut of imitating
proprietary systems. | cs.CL | The False Promise of Imitating Proprietary LLMs |
2023-05-25T04:16:07Z | http://arxiv.org/pdf/2305.16355v1 | http://arxiv.org/abs/2305.16355v1 | Yixuan Su, Tian Lan, Huayang Li, Jialu Xu, Yan Wang, Deng Cai | 2023-05-25T04:16:07Z | cs.CL, cs.CV | We present PandaGPT, an approach to emPower large lANguage moDels with visual
and Auditory instruction-following capabilities. Our pilot experiments show
that PandaGPT can perform complex tasks such as detailed image description
generation, writing stories inspired by videos, and answering questions about
audios. More interestingly, PandaGPT can take multimodal inputs simultaneously
and compose their semantics naturally. For example, PandaGPT can connect how
objects look in an image/video and how they sound in an audio. To do so,
PandaGPT combines the multimodal encoders from ImageBind and the large language
models from Vicuna. Notably, only aligned image-text pairs are required for the
training of PandaGPT. Thanks to the strong capability of ImageBind in embedding
data from different modalities into the same space, PandaGPT displays emergent,
i.e. zero-shot, cross-modal behaviors for data other than image and text (e.g.,
video, audio, depth, thermal, and IMU). We hope that PandaGPT serves as an
initial step toward building AGI that can perceive and understand inputs in
different modalities holistically, as we humans do. Our project page is at
https://panda-gpt.github.io/. | cs.CL | PandaGPT: One Model To Instruction-Follow Them All |
2023-05-25T03:36:43Z | http://arxiv.org/pdf/2305.15689v2 | http://arxiv.org/abs/2305.15689v2 | Mohna Chakraborty, Adithya Kulkarni, Qi Li | 2023-07-01T23:02:18Z | cs.CL, cs.AI | Recent studies have demonstrated that natural-language prompts can help to
leverage the knowledge learned by pre-trained language models for the binary
sentence-level sentiment classification task. Specifically, these methods
utilize few-shot learning settings to fine-tune the sentiment classification
model using manual or automatically generated prompts. However, the performance
of these methods is sensitive to the perturbations of the utilized prompts.
Furthermore, these methods depend on a few labeled instances for automatic
prompt generation and prompt ranking. This study aims to find high-quality
prompts for the given task in a zero-shot setting. Given a base prompt, our
proposed approach automatically generates multiple prompts similar to the base
prompt employing positional, reasoning, and paraphrasing techniques and then
ranks the prompts using a novel metric. We empirically demonstrate that the
top-ranked prompts are high-quality and significantly outperform the base
prompt and the prompts generated using few-shot learning for the binary
sentence-level sentiment classification task. | cs.CL | Zero-shot Approach to Overcome Perturbation Sensitivity of Prompts |
2023-05-25T03:26:26Z | http://arxiv.org/pdf/2305.15685v2 | http://arxiv.org/abs/2305.15685v2 | Lei Shu, Liangchen Luo, Jayakumar Hoskere, Yun Zhu, Yinxiao Liu, Simon Tong, Jindong Chen, Lei Meng | 2023-12-19T23:57:01Z | cs.CL, cs.AI | Large Language Models (LLMs) have demonstrated impressive capabilities in
creative tasks such as storytelling and E-mail generation. However, as LLMs are
primarily trained on final text results rather than intermediate revisions, it
might be challenging for them to perform text rewriting tasks. Most studies in
the rewriting tasks focus on a particular transformation type within the
boundaries of single sentences. In this work, we develop new strategies for
instruction tuning and reinforcement learning to better align LLMs for
cross-sentence rewriting tasks using diverse wording and structures expressed
through natural languages including 1) generating rewriting instruction data
from Wiki edits and public corpus through instruction generation and
chain-of-thought prompting; 2) collecting comparison data for reward model
training through a new ranking function. To facilitate this research, we
introduce OpenRewriteEval, a novel benchmark covers a wide variety of rewriting
types expressed through natural language instructions. Our results show
significant improvements over a variety of baselines. The public repository is
available on GitHub under Google Research
(https://github.com/google-research/google-research/tree/master/rewritelm). | cs.CL | RewriteLM: An Instruction-Tuned Large Language Model for Text Rewriting |
2023-05-25T03:18:18Z | http://arxiv.org/pdf/2305.15684v1 | http://arxiv.org/abs/2305.15684v1 | Huawen Feng, Zhenxi Lin, Qianli Ma | 2023-05-25T03:18:18Z | cs.CL | In text classification, the traditional attention mechanisms usually focus
too much on frequent words, and need extensive labeled data in order to learn.
This paper proposes a perturbation-based self-supervised attention approach to
guide attention learning without any annotation overhead. Specifically, we add
as much noise as possible to all the words in the sentence without changing
their semantics and predictions. We hypothesize that words that tolerate more
noise are less significant, and we can use this information to refine the
attention distribution. Experimental results on three text classification tasks
show that our approach can significantly improve the performance of current
attention-based models, and is more effective than existing self-supervised
methods. We also provide a visualization analysis to verify the effectiveness
of our approach. | cs.CL | Perturbation-based Self-supervised Attention for Attention Bias in Text Classification |
2023-05-25T03:03:29Z | http://arxiv.org/pdf/2305.15678v1 | http://arxiv.org/abs/2305.15678v1 | Michael J. Ryan, Tarek Naous, Wei Xu | 2023-05-25T03:03:29Z | cs.CL, cs.AI | Recent advancements in high-quality, large-scale English resources have
pushed the frontier of English Automatic Text Simplification (ATS) research.
However, less work has been done on multilingual text simplification due to the
lack of a diverse evaluation benchmark that covers complex-simple sentence
pairs in many languages. This paper introduces the MultiSim benchmark, a
collection of 27 resources in 12 distinct languages containing over 1.7 million
complex-simple sentence pairs. This benchmark will encourage research in
developing more effective multilingual text simplification models and
evaluation metrics. Our experiments using MultiSim with pre-trained
multilingual language models reveal exciting performance improvements from
multilingual training in non-English settings. We observe strong performance
from Russian in zero-shot cross-lingual transfer to low-resource languages. We
further show that few-shot prompting with BLOOM-176b achieves comparable
quality to reference simplifications outperforming fine-tuned models in most
languages. We validate these findings through human evaluation. | cs.CL | Revisiting non-English Text Simplification: A Unified Multilingual Benchmark |
2023-05-25T03:00:49Z | http://arxiv.org/pdf/2305.15676v2 | http://arxiv.org/abs/2305.15676v2 | Yuejiao Fei, Leyang Cui, Sen Yang, Wai Lam, Zhenzhong Lan, Shuming Shi | 2023-06-10T05:41:34Z | cs.CL | Grammatical error correction systems improve written communication by
detecting and correcting language mistakes. To help language learners better
understand why the GEC system makes a certain correction, the causes of errors
(evidence words) and the corresponding error types are two key factors. To
enhance GEC systems with explanations, we introduce EXPECT, a large dataset
annotated with evidence words and grammatical error types. We propose several
baselines and analysis to understand this task. Furthermore, human evaluation
verifies our explainable GEC system's explanations can assist second-language
learners in determining whether to accept a correction suggestion and in
understanding the associated grammar rule. | cs.CL | Enhancing Grammatical Error Correction Systems with Explanations |
2023-05-25T02:57:16Z | http://arxiv.org/pdf/2306.09194v1 | http://arxiv.org/abs/2306.09194v1 | Miranda Christ, Sam Gunn, Or Zamir | 2023-05-25T02:57:16Z | cs.CR, cs.CL, cs.LG | Recent advances in the capabilities of large language models such as GPT-4
have spurred increasing concern about our ability to detect AI-generated text.
Prior works have suggested methods of embedding watermarks in model outputs, by
noticeably altering the output distribution. We ask: Is it possible to
introduce a watermark without incurring any detectable change to the output
distribution?
To this end we introduce a cryptographically-inspired notion of undetectable
watermarks for language models. That is, watermarks can be detected only with
the knowledge of a secret key; without the secret key, it is computationally
intractable to distinguish watermarked outputs from those of the original
model. In particular, it is impossible for a user to observe any degradation in
the quality of the text. Crucially, watermarks should remain undetectable even
when the user is allowed to adaptively query the model with arbitrarily chosen
prompts. We construct undetectable watermarks based on the existence of one-way
functions, a standard assumption in cryptography. | cs.CR | Undetectable Watermarks for Language Models |
2023-05-25T02:54:29Z | http://arxiv.org/pdf/2305.16353v1 | http://arxiv.org/abs/2305.16353v1 | Rui Liu, Jinhua Zhang, Guanglai Gao, Haizhou Li | 2023-05-25T02:54:29Z | cs.SD, cs.AI, cs.CL | Audio Deepfake Detection (ADD) aims to detect the fake audio generated by
text-to-speech (TTS), voice conversion (VC) and replay, etc., which is an
emerging topic. Traditionally we take the mono signal as input and focus on
robust feature extraction and effective classifier design. However, the
dual-channel stereo information in the audio signal also includes important
cues for deepfake, which has not been studied in the prior work. In this paper,
we propose a novel ADD model, termed as M2S-ADD, that attempts to discover
audio authenticity cues during the mono-to-stereo conversion process. We first
projects the mono to a stereo signal using a pretrained stereo synthesizer,
then employs a dual-branch neural architecture to process the left and right
channel signals, respectively. In this way, we effectively reveal the artifacts
in the fake audio, thus improve the ADD performance. The experiments on the
ASVspoof2019 database show that M2S-ADD outperforms all baselines that input
mono. We release the source code at \url{https://github.com/AI-S2-Lab/M2S-ADD}. | cs.SD | Betray Oneself: A Novel Audio DeepFake Detection Model via Mono-to-Stereo Conversion |
2023-05-25T02:45:22Z | http://arxiv.org/pdf/2305.15673v1 | http://arxiv.org/abs/2305.15673v1 | Aakas Zhiyuli, Yanfang Chen, Xuan Zhang, Xun Liang | 2023-05-25T02:45:22Z | cs.IR, cs.CL | With the continuous development and change exhibited by large language model
(LLM) technology, represented by generative pretrained transformers (GPTs),
many classic scenarios in various fields have re-emerged with new
opportunities. This paper takes ChatGPT as the modeling object, incorporates
LLM technology into the typical book resource understanding and recommendation
scenario for the first time, and puts it into practice. By building a
ChatGPT-like book recommendation system (BookGPT) framework based on ChatGPT,
this paper attempts to apply ChatGPT to recommendation modeling for three
typical tasks, book rating recommendation, user rating recommendation, and book
summary recommendation, and explores the feasibility of LLM technology in book
recommendation scenarios. At the same time, based on different evaluation
schemes for book recommendation tasks and the existing classic recommendation
models, this paper discusses the advantages and disadvantages of the BookGPT in
book recommendation scenarios and analyzes the opportunities and improvement
directions for subsequent LLMs in these scenarios. | cs.IR | BookGPT: A General Framework for Book Recommendation Empowered by Large Language Model |
2023-05-25T02:16:32Z | http://arxiv.org/pdf/2305.15663v1 | http://arxiv.org/abs/2305.15663v1 | Ke Hu, Bo Li, Tara N. Sainath, Yu Zhang, Francoise Beaufays | 2023-05-25T02:16:32Z | cs.CL, cs.SD, eess.AS | End-to-end models with large capacity have significantly improved
multilingual automatic speech recognition, but their computation cost poses
challenges for on-device applications. We propose a streaming truly
multilingual Conformer incorporating mixture-of-expert (MoE) layers that learn
to only activate a subset of parameters in training and inference. The MoE
layer consists of a softmax gate which chooses the best two experts among many
in forward propagation. The proposed MoE layer offers efficient inference by
activating a fixed number of parameters as the number of experts increases. We
evaluate the proposed model on a set of 12 languages, and achieve an average
11.9% relative improvement in WER over the baseline. Compared to an adapter
model using ground truth information, our MoE model achieves similar WER and
activates similar number of parameters but without any language information. We
further show around 3% relative WER improvement by multilingual shallow fusion. | cs.CL | Mixture-of-Expert Conformer for Streaming Multilingual ASR |
2023-05-25T01:45:06Z | http://arxiv.org/pdf/2305.15645v3 | http://arxiv.org/abs/2305.15645v3 | Fengran Mo, Kelong Mao, Yutao Zhu, Yihong Wu, Kaiyu Huang, Jian-Yun Nie | 2024-01-27T17:42:14Z | cs.IR, cs.CL | In conversational search, the user's real search intent for the current turn
is dependent on the previous conversation history. It is challenging to
determine a good search query from the whole conversation context. To avoid the
expensive re-training of the query encoder, most existing methods try to learn
a rewriting model to de-contextualize the current query by mimicking the manual
query rewriting. However, manually rewritten queries are not always the best
search queries. Training a rewriting model on them would limit the model's
ability to produce good search queries. Another useful hint is the potential
answer to the question. In this paper, we propose ConvGQR, a new framework to
reformulate conversational queries based on generative pre-trained language
models (PLMs), one for query rewriting and another for generating potential
answers. By combining both, ConvGQR can produce better search queries. In
addition, to relate query reformulation to retrieval performance, we propose a
knowledge infusion mechanism to optimize both query reformulation and
retrieval. Extensive experiments on four conversational search datasets
demonstrate the effectiveness of ConvGQR. | cs.IR | ConvGQR: Generative Query Reformulation for Conversational Search |
2023-05-25T01:27:29Z | http://arxiv.org/pdf/2305.15637v1 | http://arxiv.org/abs/2305.15637v1 | Jordan Kodner, Sarah Payne, Salam Khalifa, Zoey Liu | 2023-05-25T01:27:29Z | cs.CL | Morphological inflection is a popular task in sub-word NLP with both
practical and cognitive applications. For years now, state-of-the-art systems
have reported high, but also highly variable, performance across data sets and
languages. We investigate the causes of this high performance and high
variability; we find several aspects of data set creation and evaluation which
systematically inflate performance and obfuscate differences between languages.
To improve generalizability and reliability of results, we propose new data
sampling and evaluation strategies that better reflect likely use-cases. Using
these new strategies, we make new observations on the generalization abilities
of current inflection systems. | cs.CL | Morphological Inflection: A Reality Check |
2023-05-24T22:34:01Z | http://arxiv.org/pdf/2305.15605v1 | http://arxiv.org/abs/2305.15605v1 | Eran Hirsch, Valentina Pyatkin, Ruben Wolhandler, Avi Caciularu, Asi Shefer, Ido Dagan | 2023-05-24T22:34:01Z | cs.CL | Tasks involving text generation based on multiple input texts, such as
multi-document summarization, long-form question answering and contemporary
dialogue applications, challenge models for their ability to properly
consolidate partly-overlapping multi-text information. However, these tasks
entangle the consolidation phase with the often subjective and ill-defined
content selection requirement, impeding proper assessment of models'
consolidation capabilities. In this paper, we suggest revisiting the sentence
union generation task as an effective well-defined testbed for assessing text
consolidation capabilities, decoupling the consolidation challenge from
subjective content selection. To support research on this task, we present
refined annotation methodology and tools for crowdsourcing sentence union,
create the largest union dataset to date and provide an analysis of its rich
coverage of various consolidation aspects. We then propose a comprehensive
evaluation protocol for union generation, including both human and automatic
evaluation. Finally, as baselines, we evaluate state-of-the-art language models
on the task, along with a detailed analysis of their capacity to address
multi-text consolidation challenges and their limitations. | cs.CL | Revisiting Sentence Union Generation as a Testbed for Text Consolidation |
2023-05-24T22:09:35Z | http://arxiv.org/pdf/2305.15597v1 | http://arxiv.org/abs/2305.15597v1 | Pengcheng Jiang, Shivam Agarwal, Bowen Jin, Xuan Wang, Jimeng Sun, Jiawei Han | 2023-05-24T22:09:35Z | cs.CL, cs.AI, cs.IR | The mission of open knowledge graph (KG) completion is to draw new findings
from known facts. Existing works that augment KG completion require either (1)
factual triples to enlarge the graph reasoning space or (2) manually designed
prompts to extract knowledge from a pre-trained language model (PLM),
exhibiting limited performance and requiring expensive efforts from experts. To
this end, we propose TAGREAL that automatically generates quality query prompts
and retrieves support information from large text corpora to probe knowledge
from PLM for KG completion. The results show that TAGREAL achieves
state-of-the-art performance on two benchmark datasets. We find that TAGREAL
has superb performance even with limited training data, outperforming existing
embedding-based, graph-based, and PLM-based methods. | cs.CL | Text-Augmented Open Knowledge Graph Completion via Pre-Trained Language Models |
2023-05-24T22:06:08Z | http://arxiv.org/pdf/2305.15594v1 | http://arxiv.org/abs/2305.15594v1 | Haonan Duan, Adam Dziedzic, Nicolas Papernot, Franziska Boenisch | 2023-05-24T22:06:08Z | cs.LG, cs.CL, cs.CR | Large language models (LLMs) are excellent in-context learners. However, the
sensitivity of data contained in prompts raises privacy concerns. Our work
first shows that these concerns are valid: we instantiate a simple but highly
effective membership inference attack against the data used to prompt LLMs. To
address this vulnerability, one could forego prompting and resort to
fine-tuning LLMs with known algorithms for private gradient descent. However,
this comes at the expense of the practicality and efficiency offered by
prompting. Therefore, we propose to privately learn to prompt. We first show
that soft prompts can be obtained privately through gradient descent on
downstream data. However, this is not the case for discrete prompts. Thus, we
orchestrate a noisy vote among an ensemble of LLMs presented with different
prompts, i.e., a flock of stochastic parrots. The vote privately transfers the
flock's knowledge into a single public prompt. We show that LLMs prompted with
our private algorithms closely match the non-private baselines. For example,
using GPT3 as the base model, we achieve a downstream accuracy of 92.7% on the
sst2 dataset with ($\epsilon=0.147, \delta=10^{-6}$)-differential privacy vs.
95.2% for the non-private baseline. Through our experiments, we also show that
our prompt-based approach is easily deployed with existing commercial APIs. | cs.LG | Flocks of Stochastic Parrots: Differentially Private Prompt Learning for Large Language Models |
2023-05-24T21:52:13Z | http://arxiv.org/pdf/2305.15587v1 | http://arxiv.org/abs/2305.15587v1 | Salijona Dyrmishi, Salah Ghamizi, Maxime Cordy | 2023-05-24T21:52:13Z | cs.CL, cs.AI | Natural Language Processing (NLP) models based on Machine Learning (ML) are
susceptible to adversarial attacks -- malicious algorithms that imperceptibly
modify input text to force models into making incorrect predictions. However,
evaluations of these attacks ignore the property of imperceptibility or study
it under limited settings. This entails that adversarial perturbations would
not pass any human quality gate and do not represent real threats to
human-checked NLP systems. To bypass this limitation and enable proper
assessment (and later, improvement) of NLP model robustness, we have surveyed
378 human participants about the perceptibility of text adversarial examples
produced by state-of-the-art methods. Our results underline that existing text
attacks are impractical in real-world scenarios where humans are involved. This
contrasts with previous smaller-scale human studies, which reported overly
optimistic conclusions regarding attack success. Through our work, we hope to
position human perceptibility as a first-class success criterion for text
attacks, and provide guidance for research to build effective attack algorithms
and, in turn, design appropriate defence mechanisms. | cs.CL | How do humans perceive adversarial text? A reality check on the validity and naturalness of word-based adversarial attacks |
2023-05-24T21:36:15Z | http://arxiv.org/pdf/2305.15582v1 | http://arxiv.org/abs/2305.15582v1 | Debarati Das, David Ma, Dongyeop Kang | 2023-05-24T21:36:15Z | cs.CL | Text style transfer is an exciting task within the field of natural language
generation that is often plagued by the need for high-quality paired datasets.
Furthermore, training a model for multi-attribute text style transfer requires
datasets with sufficient support across all combinations of the considered
stylistic attributes, adding to the challenges of training a style transfer
model. This paper explores the impact of training data input diversity on the
quality of the generated text from the multi-style transfer model. We construct
a pseudo-parallel dataset by devising heuristics to adjust the style
distribution in the training samples. We balance our training dataset using
marginal and joint distributions to train our style transfer models. We observe
that a balanced dataset produces more effective control effects over multiple
styles than an imbalanced or skewed one. Through quantitative analysis, we
explore the impact of multiple style distributions in training data on
style-transferred output. These findings will better inform the design of
style-transfer datasets. | cs.CL | Balancing Effect of Training Dataset Distribution of Multiple Styles for Multi-Style Text Transfer |
2023-05-24T20:03:04Z | http://arxiv.org/pdf/2305.15542v2 | http://arxiv.org/abs/2305.15542v2 | Baifeng Shi, Siyu Gai, Trevor Darrell, Xin Wang | 2023-07-11T17:57:06Z | cs.CV, cs.CL, cs.LG | Transfer learning involves adapting a pre-trained model to novel downstream
tasks. However, we observe that current transfer learning methods often fail to
focus on task-relevant features. In this work, we explore refocusing model
attention for transfer learning. We introduce Top-Down Attention Steering
(TOAST), a novel transfer learning algorithm that keeps the pre-trained
backbone frozen, selects task-relevant features in the output, and feeds those
features back to the model to steer the attention to the task-specific
features. By refocusing the attention only, TOAST achieves state-of-the-art
results on a number of transfer learning benchmarks, while having a small
number of tunable parameters. Compared to fully fine-tuning, LoRA, and prompt
tuning, TOAST substantially improves performance across a range of fine-grained
visual classification datasets (e.g., 81.1% -> 86.2% on FGVC). TOAST also
outperforms the fully fine-tuned Alpaca and Vicuna models on
instruction-following language generation. Code is available at
https://github.com/bfshi/TOAST. | cs.CV | TOAST: Transfer Learning via Attention Steering |
2023-05-24T19:59:51Z | http://arxiv.org/pdf/2305.15541v1 | http://arxiv.org/abs/2305.15541v1 | Yuan Yang, Siheng Xiong, Ali Payani, Ehsan Shareghi, Faramarz Fekri | 2023-05-24T19:59:51Z | cs.CL, cs.AI | Translating natural language sentences to first-order logic (NL-FOL
translation) is a longstanding challenge in the NLP and formal logic
literature. This paper introduces LogicLLaMA, a LLaMA-7B model fine-tuned for
NL-FOL translation using LoRA on a single GPU. LogicLLaMA is capable of
directly translating natural language into FOL rules, which outperforms
GPT-3.5. LogicLLaMA is also equipped to correct FOL rules predicted by GPT-3.5,
and can achieve similar performance as GPT-4 with a fraction of the cost. This
correction ability was achieved by a novel supervised fine-tuning (SFT) +
reinforcement learning with human feedback (RLHF) framework, which initially
trains on synthetically perturbed NL-FOL pairs to encourage chain-of-thought
reasoning and then fine-tunes with RLHF on GPT-3.5 outputs using a FOL verifier
as the reward model.
To train LogicLLaMA, we present MALLS (large language $\textbf{M}$odel
gener$\textbf{A}$ted N$\textbf{L}$-FO$\textbf{L}$ pair$\textbf{S}$), a dataset
of 34K high-quality and diverse sentence-level NL-FOL pairs collected from
GPT-4. The dataset was created by implementing a pipeline that prompts GPT-4
for pairs, and dynamically adjusts the prompts to ensure the collection of
pairs with rich and diverse contexts at different levels of complexity, and
verifies the validity of the generated FOL rules. Codes, weights, and data are
available at $\href{https://github.com/gblackout/LogicLLaMA}{{\small
\text{https://github.com/gblackout/LogicLLaMA}}}$. | cs.CL | Harnessing the Power of Large Language Models for Natural Language to First-Order Logic Translation |
2023-05-24T19:37:23Z | http://arxiv.org/pdf/2305.15533v1 | http://arxiv.org/abs/2305.15533v1 | Claire Barale, Michael Rovatsos, Nehal Bhuta | 2023-05-24T19:37:23Z | cs.CL | In this paper, we introduce an end-to-end pipeline for retrieving,
processing, and extracting targeted information from legal cases. We
investigate an under-studied legal domain with a case study on refugee law in
Canada. Searching case law for past similar cases is a key part of legal work
for both lawyers and judges, the potential end-users of our prototype. While
traditional named-entity recognition labels such as dates provide meaningful
information in legal work, we propose to extend existing models and retrieve a
total of 19 useful categories of items from refugee cases. After creating a
novel data set of cases, we perform information extraction based on
state-of-the-art neural named-entity recognition (NER). We test different
architectures including two transformer models, using contextual and
non-contextual embeddings, and compare general purpose versus domain-specific
pre-training. The results demonstrate that models pre-trained on legal data
perform best despite their smaller size, suggesting that domain matching had a
larger effect than network architecture. We achieve a F1 score above 90% on
five of the targeted categories and over 80% on four further categories. | cs.CL | Automated Refugee Case Analysis: An NLP Pipeline for Supporting Legal Practitioners |
2023-05-24T19:25:16Z | http://arxiv.org/pdf/2305.15525v1 | http://arxiv.org/abs/2305.15525v1 | Xin Liu, Daniel McDuff, Geza Kovacs, Isaac Galatzer-Levy, Jacob Sunshine, Jiening Zhan, Ming-Zher Poh, Shun Liao, Paolo Di Achille, Shwetak Patel | 2023-05-24T19:25:16Z | cs.CL, cs.LG | Large language models (LLMs) can capture rich representations of concepts
that are useful for real-world tasks. However, language alone is limited. While
existing LLMs excel at text-based inferences, health applications require that
models be grounded in numerical data (e.g., vital signs, laboratory values in
clinical domains; steps, movement in the wellness domain) that is not easily or
readily expressed as text in existing training corpus. We demonstrate that with
only few-shot tuning, a large language model is capable of grounding various
physiological and behavioral time-series data and making meaningful inferences
on numerous health tasks for both clinical and wellness contexts. Using data
from wearable and medical sensor recordings, we evaluate these capabilities on
the tasks of cardiac signal analysis, physical activity recognition, metabolic
calculation (e.g., calories burned), and estimation of stress reports and
mental health screeners. | cs.CL | Large Language Models are Few-Shot Health Learners |
2023-05-24T19:17:13Z | http://arxiv.org/pdf/2305.15520v1 | http://arxiv.org/abs/2305.15520v1 | Wanyun Cui, Xingran Chen | 2023-05-24T19:17:13Z | cs.CL | Previous research has demonstrated that natural language explanations provide
valuable inductive biases that guide models, thereby improving the
generalization ability and data efficiency. In this paper, we undertake a
systematic examination of the effectiveness of these explanations. Remarkably,
we find that corrupted explanations with diminished inductive biases can
achieve competitive or superior performance compared to the original
explanations. Our findings furnish novel insights into the characteristics of
natural language explanations in the following ways: (1) the impact of
explanations varies across different training styles and datasets, with
previously believed improvements primarily observed in frozen language models.
(2) While previous research has attributed the effect of explanations solely to
their inductive biases, our study shows that the effect persists even when the
explanations are completely corrupted. We propose that the main effect is due
to the provision of additional context space. (3) Utilizing the proposed
automatic perturbed context, we were able to attain comparable results to
annotated explanations, but with a significant increase in computational
efficiency, 20-30 times faster. | cs.CL | Exploring Automatically Perturbed Natural Language Explanations in Relation Extraction |
2023-05-24T19:14:57Z | http://arxiv.org/pdf/2305.15516v1 | http://arxiv.org/abs/2305.15516v1 | Wanyun Cui, Xingran Chen | 2023-05-24T19:14:57Z | cs.CL | Recent years have witnessed the emergence of textual commonsense knowledge
bases, aimed at providing more nuanced and context-rich knowledge. The
integration of external commonsense into language models has been shown to be a
key enabler in advancing the state-of-the-art for a wide range of NLP tasks.
However, incorporating textual commonsense descriptions is computationally
expensive, as compared to encoding conventional symbolic knowledge. In this
paper, we propose a method to improve its efficiency without modifying the
model. We group training samples with similar commonsense descriptions into a
single batch, thus reusing the encoded description across multiple samples. One
key observation is that the upper bound of batch partitioning can be reduced to
the classic {\it graph k-cut problem}. Consequently, we propose a spectral
clustering-based algorithm to solve this problem. Extensive experiments
illustrate that the proposed batch partitioning approach effectively reduces
the computational cost while preserving performance. The efficiency improvement
is more pronounced on larger datasets and on devices with more memory capacity,
attesting to its practical utility for large-scale applications. | cs.CL | Free Lunch for Efficient Textual Commonsense Integration in Language Models |
2023-05-24T19:10:46Z | http://arxiv.org/pdf/2305.16349v1 | http://arxiv.org/abs/2305.16349v1 | Qian Huang, Eric Zelikman, Sarah Li Chen, Yuhuai Wu, Gregory Valiant, Percy Liang | 2023-05-24T19:10:46Z | cs.CL, cs.AI, cs.LG | Token embeddings, a mapping from discrete lexical symbols to continuous
vectors, are at the heart of any language model (LM). However, lexical symbol
meanings can also be determined and even redefined by their structural role in
a long context. In this paper, we ask: is it possible for a language model to
be performant without \emph{any} fixed token embeddings? Such a language model
would have to rely entirely on the co-occurence and repetition of tokens in the
context rather than the \textit{a priori} identity of any token. To answer
this, we study \textit{lexinvariant}language models that are invariant to
lexical symbols and therefore do not need fixed token embeddings in practice.
First, we prove that we can construct a lexinvariant LM to converge to the true
language model at a uniform rate that is polynomial in terms of the context
length, with a constant factor that is sublinear in the vocabulary size.
Second, to build a lexinvariant LM, we simply encode tokens using random
Gaussian vectors, such that each token maps to the same representation within
each sequence but different representations across sequences. Empirically, we
demonstrate that it can indeed attain perplexity comparable to that of a
standard language model, given a sufficiently long context. We further explore
two properties of the lexinvariant language models: First, given text generated
from a substitution cipher of English, it implicitly implements Bayesian
in-context deciphering and infers the mapping to the underlying real tokens
with high accuracy. Second, it has on average 4X better accuracy over synthetic
in-context reasoning tasks. Finally, we discuss regularizing standard language
models towards lexinvariance and potential practical applications. | cs.CL | Lexinvariant Language Models |
2023-05-24T18:54:39Z | http://arxiv.org/pdf/2305.15507v1 | http://arxiv.org/abs/2305.15507v1 | Antonio Valerio Miceli-Barone, Fazl Barez, Ioannis Konstas, Shay B. Cohen | 2023-05-24T18:54:39Z | cs.CL, cs.AI | Large Language Models (LLMs) have successfully been applied to code
generation tasks, raising the question of how well these models understand
programming. Typical programming languages have invariances and equivariances
in their semantics that human programmers intuitively understand and exploit,
such as the (near) invariance to the renaming of identifiers. We show that LLMs
not only fail to properly generate correct Python code when default function
names are swapped, but some of them even become more confident in their
incorrect predictions as the model size increases, an instance of the recently
discovered phenomenon of Inverse Scaling, which runs contrary to the commonly
observed trend of increasing prediction quality with increasing model size. Our
findings indicate that, despite their astonishing typical-case performance,
LLMs still lack a deep, abstract understanding of the content they manipulate,
making them unsuitable for tasks that statistically deviate from their training
data, and that mere scaling is not enough to achieve such capability. | cs.CL | The Larger They Are, the Harder They Fail: Language Models do not Recognize Identifier Swaps in Python |
2023-05-24T18:42:45Z | http://arxiv.org/pdf/2305.15501v1 | http://arxiv.org/abs/2305.15501v1 | Lucas Torroba Hennigen, Yoon Kim | 2023-05-24T18:42:45Z | cs.CL | Masked language models (MLM) do not explicitly define a distribution over
language, i.e., they are not language models per se. However, recent work has
implicitly treated them as such for the purposes of generation and scoring.
This paper studies methods for deriving explicit joint distributions from MLMs,
focusing on distributions over two tokens, which makes it possible to calculate
exact distributional properties. We find that an approach based on identifying
joints whose conditionals are closest to those of the MLM works well and
outperforms existing Markov random field-based approaches. We further find that
this derived model's conditionals can even occasionally outperform the original
MLM's conditionals. | cs.CL | Deriving Language Models from Masked Language Models |
2023-05-24T18:40:43Z | http://arxiv.org/pdf/2305.15498v1 | http://arxiv.org/abs/2305.15498v1 | Konstantina Christakopoulou, Alberto Lalama, Cj Adams, Iris Qu, Yifat Amir, Samer Chucri, Pierce Vollucci, Fabio Soldo, Dina Bseiso, Sarah Scodel, Lucas Dixon, Ed H. Chi, Minmin Chen | 2023-05-24T18:40:43Z | cs.CL, cs.AI, cs.IR | Large language models (LLMs) have shown impressive capabilities in natural
language understanding and generation. Their potential for deeper user
understanding and improved personalized user experience on recommendation
platforms is, however, largely untapped. This paper aims to address this gap.
Recommender systems today capture users' interests through encoding their
historical activities on the platforms. The generated user representations are
hard to examine or interpret. On the other hand, if we were to ask people about
interests they pursue in their life, they might talk about their hobbies, like
I just started learning the ukulele, or their relaxation routines, e.g., I like
to watch Saturday Night Live, or I want to plant a vertical garden. We argue,
and demonstrate through extensive experiments, that LLMs as foundation models
can reason through user activities, and describe their interests in nuanced and
interesting ways, similar to how a human would.
We define interest journeys as the persistent and overarching user interests,
in other words, the non-transient ones. These are the interests that we believe
will benefit most from the nuanced and personalized descriptions. We introduce
a framework in which we first perform personalized extraction of interest
journeys, and then summarize the extracted journeys via LLMs, using techniques
like few-shot prompting, prompt-tuning and fine-tuning. Together, our results
in prompting LLMs to name extracted user journeys in a large-scale industrial
platform demonstrate great potential of these models in providing deeper, more
interpretable, and controllable user understanding. We believe LLM powered user
understanding can be a stepping stone to entirely new user experiences on
recommendation platforms that are journey-aware, assistive, and enabling
frictionless conversation down the line. | cs.CL | Large Language Models for User Interest Journeys |
2023-05-24T17:59:21Z | http://arxiv.org/pdf/2305.15408v5 | http://arxiv.org/abs/2305.15408v5 | Guhao Feng, Bohang Zhang, Yuntian Gu, Haotian Ye, Di He, Liwei Wang | 2023-12-23T02:39:56Z | cs.LG, cs.CC, cs.CL, stat.ML | Recent studies have discovered that Chain-of-Thought prompting (CoT) can
dramatically improve the performance of Large Language Models (LLMs),
particularly when dealing with complex tasks involving mathematics or
reasoning. Despite the enormous empirical success, the underlying mechanisms
behind CoT and how it unlocks the potential of LLMs remain elusive. In this
paper, we take a first step towards theoretically answering these questions.
Specifically, we examine the expressivity of LLMs with CoT in solving
fundamental mathematical and decision-making problems. By using circuit
complexity theory, we first give impossibility results showing that
bounded-depth Transformers are unable to directly produce correct answers for
basic arithmetic/equation tasks unless the model size grows super-polynomially
with respect to the input length. In contrast, we then prove by construction
that autoregressive Transformers of constant size suffice to solve both tasks
by generating CoT derivations using a commonly used math language format.
Moreover, we show LLMs with CoT can handle a general class of decision-making
problems known as Dynamic Programming, thus justifying its power in tackling
complex real-world tasks. Finally, an extensive set of experiments show that,
while Transformers always fail to directly predict the answers, they can
consistently learn to generate correct solutions step-by-step given sufficient
CoT demonstrations. | cs.LG | Towards Revealing the Mystery behind Chain of Thought: A Theoretical Perspective |
2023-05-24T17:59:05Z | http://arxiv.org/pdf/2305.15405v2 | http://arxiv.org/abs/2305.15405v2 | Anuj Diwan, Anirudh Srinivasan, David Harwath, Eunsol Choi | 2024-02-20T18:55:52Z | cs.CL, eess.AS | Existing speech-to-speech translation models fall into two camps: textless
models trained with hundreds of hours of parallel speech data or unsupervised
models that leverage text as an intermediate step. Both approaches limit
building speech-to-speech translation models for a wide range of languages, as
they exclude languages that are primarily spoken and language pairs that lack
large-scale parallel speech data. We present a new framework for training
textless low-resource speech-to-speech translation (S2ST) systems that only
need dozens of hours of parallel speech data. We reformulate S2ST as a
unit-to-unit seq2seq translation task, and start by pretraining a model on
large-scale monolingual speech data. Then, we finetune it with a small amount
of parallel speech data ($20-60$ hours). Lastly, we improve model performance
through an unsupervised backtranslation objective. We train and evaluate our
models for English-to-German, German-to-English and Marathi-to-English
translation on three different domains (European Parliament, Common Voice, and
All India Radio) with single-speaker synthesized speech data. Evaluated using
the ASR-BLEU metric, our models achieve reasonable performance on all three
domains, with some being within 1-2 points of our supervised topline. | cs.CL | Textless Low-Resource Speech-to-Speech Translation With Unit Language Models |
2023-05-24T17:59:03Z | http://arxiv.org/pdf/2305.15403v1 | http://arxiv.org/abs/2305.15403v1 | Rongjie Huang, Huadai Liu, Xize Cheng, Yi Ren, Linjun Li, Zhenhui Ye, Jinzheng He, Lichao Zhang, Jinglin Liu, Xiang Yin, Zhou Zhao | 2023-05-24T17:59:03Z | cs.CL, cs.SD, eess.AS | Direct speech-to-speech translation (S2ST) aims to convert speech from one
language into another, and has demonstrated significant progress to date.
Despite the recent success, current S2ST models still suffer from distinct
degradation in noisy environments and fail to translate visual speech (i.e.,
the movement of lips and teeth). In this work, we present AV-TranSpeech, the
first audio-visual speech-to-speech (AV-S2ST) translation model without relying
on intermediate text. AV-TranSpeech complements the audio stream with visual
information to promote system robustness and opens up a host of practical
applications: dictation or dubbing archival films. To mitigate the data
scarcity with limited parallel AV-S2ST data, we 1) explore self-supervised
pre-training with unlabeled audio-visual data to learn contextual
representation, and 2) introduce cross-modal distillation with S2ST models
trained on the audio-only corpus to further reduce the requirements of visual
data. Experimental results on two language pairs demonstrate that AV-TranSpeech
outperforms audio-only models under all settings regardless of the type of
noise. With low-resource audio-visual data (10h, 30h), cross-modal distillation
yields an improvement of 7.6 BLEU on average compared with baselines. Audio
samples are available at https://AV-TranSpeech.github.io | cs.CL | AV-TranSpeech: Audio-Visual Robust Speech-to-Speech Translation |
2023-05-24T17:51:44Z | http://arxiv.org/pdf/2305.15389v1 | http://arxiv.org/abs/2305.15389v1 | Gili Lior, Gabriel Stanovsky | 2023-05-24T17:51:44Z | cs.CL | Spurious correlations were found to be an important factor explaining model
performance in various NLP tasks (e.g., gender or racial artifacts), often
considered to be ''shortcuts'' to the actual task. However, humans tend to
similarly make quick (and sometimes wrong) predictions based on societal and
cognitive presuppositions. In this work we address the question: can we
quantify the extent to which model biases reflect human behaviour? Answering
this question will help shed light on model performance and provide meaningful
comparisons against humans. We approach this question through the lens of the
dual-process theory for human decision-making. This theory differentiates
between an automatic unconscious (and sometimes biased) ''fast system'' and a
''slow system'', which when triggered may revisit earlier automatic reactions.
We make several observations from two crowdsourcing experiments of gender bias
in coreference resolution, using self-paced reading to study the ''fast''
system, and question answering to study the ''slow'' system under a constrained
time setting. On real-world data humans make $\sim$3\% more gender-biased
decisions compared to models, while on synthetic data models are $\sim$12\%
more biased. | cs.CL | Comparing Humans and Models on a Similar Scale: Towards Cognitive Gender Bias Evaluation in Coreference Resolution |
2023-05-24T17:48:40Z | http://arxiv.org/pdf/2305.15387v1 | http://arxiv.org/abs/2305.15387v1 | Avi Caciularu, Matthew E. Peters, Jacob Goldberger, Ido Dagan, Arman Cohan | 2023-05-24T17:48:40Z | cs.CL, cs.AI | The integration of multi-document pre-training objectives into language
models has resulted in remarkable improvements in multi-document downstream
tasks. In this work, we propose extending this idea by pre-training a generic
multi-document model from a novel cross-document question answering
pre-training objective. To that end, given a set (or cluster) of
topically-related documents, we systematically generate semantically-oriented
questions from a salient sentence in one document and challenge the model,
during pre-training, to answer these questions while "peeking" into other
topically-related documents. In a similar manner, the model is also challenged
to recover the sentence from which the question was generated, again while
leveraging cross-document information. This novel multi-document QA formulation
directs the model to better recover cross-text informational relations, and
introduces a natural augmentation that artificially increases the pre-training
data. Further, unlike prior multi-document models that focus on either
classification or summarization tasks, our pre-training objective formulation
enables the model to perform tasks that involve both short text generation
(e.g., QA) and long text generation (e.g., summarization). Following this
scheme, we pre-train our model -- termed QAmden -- and evaluate its performance
across several multi-document tasks, including multi-document QA,
summarization, and query-focused summarization, yielding improvements of up to
7%, and significantly outperforms zero-shot GPT-3.5 and GPT-4. | cs.CL | Peek Across: Improving Multi-Document Modeling via Cross-Document Question-Answering |
2023-05-24T17:46:03Z | http://arxiv.org/pdf/2305.15386v2 | http://arxiv.org/abs/2305.15386v2 | Kaushal Santosh Bhogale, Sai Sundaresan, Abhigyan Raman, Tahir Javed, Mitesh M. Khapra, Pratyush Kumar | 2023-08-02T13:29:31Z | cs.CL, cs.SD, eess.AS | Improving ASR systems is necessary to make new LLM-based use-cases accessible
to people across the globe. In this paper, we focus on Indian languages, and
make the case that diverse benchmarks are required to evaluate and improve ASR
systems for Indian languages. To address this, we collate Vistaar as a set of
59 benchmarks across various language and domain combinations, on which we
evaluate 3 publicly available ASR systems and 2 commercial systems. We also
train IndicWhisper models by fine-tuning the Whisper models on publicly
available training datasets across 12 Indian languages totalling to 10.7K
hours. We show that IndicWhisper significantly improves on considered ASR
systems on the Vistaar benchmark. Indeed, IndicWhisper has the lowest WER in 39
out of the 59 benchmarks, with an average reduction of 4.1 WER. We open-source
all datasets, code and models. | cs.CL | Vistaar: Diverse Benchmarks and Training Sets for Indian Language ASR |
2023-05-24T17:40:20Z | http://arxiv.org/pdf/2305.15380v1 | http://arxiv.org/abs/2305.15380v1 | Khalid Alnajjar, Mika Hämäläinen, Jack Rueter | 2023-05-24T17:40:20Z | cs.CL | In this paper, we present an approach for translating word embeddings from a
majority language into 4 minority languages: Erzya, Moksha, Udmurt and
Komi-Zyrian. Furthermore, we align these word embeddings and present a novel
neural network model that is trained on English data to conduct sentiment
analysis and then applied on endangered language data through the aligned word
embeddings. To test our model, we annotated a small sentiment analysis corpus
for the 4 endangered languages and Finnish. Our method reached at least 56\%
accuracy for each endangered language. The models and the sentiment corpus will
be released together with this paper. Our research shows that state-of-the-art
neural models can be used with endangered languages with the only requirement
being a dictionary between the endangered language and a majority language. | cs.CL | Sentiment Analysis Using Aligned Word Embeddings for Uralic Languages |
2023-05-24T17:37:33Z | http://arxiv.org/pdf/2305.15377v1 | http://arxiv.org/abs/2305.15377v1 | Yan Liu, Xiaokang Chen, Yan Gao, Zhe Su, Fengji Zhang, Daoguang Zan, Jian-Guang Lou, Pin-Yu Chen, Tsung-Yi Ho | 2023-05-24T17:37:33Z | cs.CL | With the popularity of automatic code generation tools, such as Copilot, the
study of the potential hazards of these tools is gaining importance. In this
work, we explore the social bias problem in pre-trained code generation models.
We propose a new paradigm to construct code prompts and successfully uncover
social biases in code generation models. To quantify the severity of social
biases in generated code, we develop a dataset along with three metrics to
evaluate the overall social bias and fine-grained unfairness across different
demographics. Experimental results on three pre-trained code generation models
(Codex, InCoder, and CodeGen) with varying sizes, reveal severe social biases.
Moreover, we conduct analysis to provide useful insights for further choice of
code generation models with low social bias. (This work contains examples that
potentially implicate stereotypes, associations, and other harms that could be
offensive to individuals in certain social groups.) | cs.CL | Uncovering and Quantifying Social Biases in Code Generation |
2023-05-24T17:32:58Z | http://arxiv.org/pdf/2305.15374v1 | http://arxiv.org/abs/2305.15374v1 | Trung Hoang Le, Huiping Cao, Tran Cao Son | 2023-05-24T17:32:58Z | cs.CL, cs.AI, cs.LG | A plethora of approaches have been proposed for joint entity-relation (ER)
extraction. Most of these methods largely depend on a large amount of manually
annotated training data. However, manual data annotation is time consuming,
labor intensive, and error prone. Human beings learn using both data (through
induction) and knowledge (through deduction). Answer Set Programming (ASP) has
been a widely utilized approach for knowledge representation and reasoning that
is elaboration tolerant and adept at reasoning with incomplete information.
This paper proposes a new approach, ASP-enhanced Entity-Relation extraction
(ASPER), to jointly recognize entities and relations by learning from both data
and domain knowledge. In particular, ASPER takes advantage of the factual
knowledge (represented as facts in ASP) and derived knowledge (represented as
rules in ASP) in the learning process of neural network models. We have
conducted experiments on two real datasets and compare our method with three
baselines. The results show that our ASPER model consistently outperforms the
baselines. | cs.CL | ASPER: Answer Set Programming Enhanced Neural Network Models for Joint Entity-Relation Extraction |
2023-05-24T17:10:45Z | http://arxiv.org/pdf/2305.15358v1 | http://arxiv.org/abs/2305.15358v1 | Luca Di Liello, Siddhant Garg, Alessandro Moschitti | 2023-05-24T17:10:45Z | cs.CL, cs.LG | Answer Sentence Selection (AS2) is a core component for building an accurate
Question Answering pipeline. AS2 models rank a set of candidate sentences based
on how likely they answer a given question. The state of the art in AS2
exploits pre-trained transformers by transferring them on large annotated
datasets, while using local contextual information around the candidate
sentence. In this paper, we propose three pre-training objectives designed to
mimic the downstream fine-tuning task of contextual AS2. This allows for
specializing LMs when fine-tuning for contextual AS2. Our experiments on three
public and two large-scale industrial datasets show that our pre-training
approaches (applied to RoBERTa and ELECTRA) can improve baseline contextual AS2
accuracy by up to 8% on some datasets. | cs.CL | Context-Aware Transformer Pre-Training for Answer Sentence Selection |
2023-05-24T16:57:04Z | http://arxiv.org/pdf/2305.15344v1 | http://arxiv.org/abs/2305.15344v1 | Matteo Gabburo, Siddhant Garg, Rik Koncel-Kedziorski, Alessandro Moschitti | 2023-05-24T16:57:04Z | cs.CL, cs.LG | Recent studies show that sentence-level extractive QA, i.e., based on Answer
Sentence Selection (AS2), is outperformed by Generation-based QA (GenQA)
models, which generate answers using the top-k answer sentences ranked by AS2
models (a la retrieval-augmented generation style). In this paper, we propose a
novel training paradigm for GenQA using supervision from automatic QA
evaluation models (GAVA). Specifically, we propose three strategies to transfer
knowledge from these QA evaluation models to a GenQA model: (i) augmenting
training data with answers generated by the GenQA model and labelled by GAVA
(either statically, before training, or (ii) dynamically, at every training
epoch); and (iii) using the GAVA score for weighting the generator loss during
the learning of the GenQA model. We evaluate our proposed methods on two
academic and one industrial dataset, obtaining a significant improvement in
answering accuracy over the previous state of the art. | cs.CL | Learning Answer Generation using Supervision from Automatic Question Answering Evaluators |
2023-05-24T16:50:36Z | http://arxiv.org/pdf/2305.15338v1 | http://arxiv.org/abs/2305.15338v1 | Shufan Wang, Sebastien Jean, Sailik Sengupta, James Gung, Nikolaos Pappas, Yi Zhang | 2023-05-24T16:50:36Z | cs.AI, cs.CL | In executable task-oriented semantic parsing, the system aims to translate
users' utterances in natural language to machine-interpretable programs (API
calls) that can be executed according to pre-defined API specifications. With
the popularity of Large Language Models (LLMs), in-context learning offers a
strong baseline for such scenarios, especially in data-limited regimes.
However, LLMs are known to hallucinate and therefore pose a formidable
challenge in constraining generated content. Thus, it remains uncertain if LLMs
can effectively perform task-oriented utterance-to-API generation where
respecting API's structural and task-specific constraints is crucial.
In this work, we seek to measure, analyze and mitigate such constraints
violations. First, we identify the categories of various constraints in
obtaining API-semantics from task-oriented utterances, and define fine-grained
metrics that complement traditional ones. Second, we leverage these metrics to
conduct a detailed error analysis of constraints violations seen in
state-of-the-art LLMs, which motivates us to investigate two mitigation
strategies: Semantic-Retrieval of Demonstrations (SRD) and API-aware
Constrained Decoding (API-CD). Our experiments show that these strategies are
effective at reducing constraints violations and improving the quality of the
generated API calls, but require careful consideration given their
implementation complexity and latency. | cs.AI | Measuring and Mitigating Constraint Violations of In-Context Learning for Utterance-to-API Semantic Parsing |
2023-05-24T16:48:11Z | http://arxiv.org/pdf/2305.15334v1 | http://arxiv.org/abs/2305.15334v1 | Shishir G. Patil, Tianjun Zhang, Xin Wang, Joseph E. Gonzalez | 2023-05-24T16:48:11Z | cs.CL, cs.AI | Large Language Models (LLMs) have seen an impressive wave of advances
recently, with models now excelling in a variety of tasks, such as mathematical
reasoning and program synthesis. However, their potential to effectively use
tools via API calls remains unfulfilled. This is a challenging task even for
today's state-of-the-art LLMs such as GPT-4, largely due to their inability to
generate accurate input arguments and their tendency to hallucinate the wrong
usage of an API call. We release Gorilla, a finetuned LLaMA-based model that
surpasses the performance of GPT-4 on writing API calls. When combined with a
document retriever, Gorilla demonstrates a strong capability to adapt to
test-time document changes, enabling flexible user updates or version changes.
It also substantially mitigates the issue of hallucination, commonly
encountered when prompting LLMs directly. To evaluate the model's ability, we
introduce APIBench, a comprehensive dataset consisting of HuggingFace,
TorchHub, and TensorHub APIs. The successful integration of the retrieval
system with Gorilla demonstrates the potential for LLMs to use tools more
accurately, keep up with frequently updated documentation, and consequently
increase the reliability and applicability of their outputs. Gorilla's code,
model, data, and demo are available at https://gorilla.cs.berkeley.edu | cs.CL | Gorilla: Large Language Model Connected with Massive APIs |
2023-05-24T16:42:17Z | http://arxiv.org/pdf/2305.15328v2 | http://arxiv.org/abs/2305.15328v2 | Jaemin Cho, Abhay Zala, Mohit Bansal | 2023-10-27T01:44:27Z | cs.CV, cs.AI, cs.CL, cs.LG | As large language models have demonstrated impressive performance in many
domains, recent works have adopted language models (LMs) as controllers of
visual modules for vision-and-language tasks. While existing work focuses on
equipping LMs with visual understanding, we propose two novel
interpretable/explainable visual programming frameworks for text-to-image (T2I)
generation and evaluation. First, we introduce VPGen, an interpretable
step-by-step T2I generation framework that decomposes T2I generation into three
steps: object/count generation, layout generation, and image generation. We
employ an LM to handle the first two steps (object/count generation and layout
generation), by finetuning it on text-layout pairs. Our step-by-step T2I
generation framework provides stronger spatial control than end-to-end models,
the dominant approach for this task. Furthermore, we leverage the world
knowledge of pretrained LMs, overcoming the limitation of previous
layout-guided T2I works that can only handle predefined object classes. We
demonstrate that our VPGen has improved control in counts/spatial
relations/scales of objects than state-of-the-art T2I generation models.
Second, we introduce VPEval, an interpretable and explainable evaluation
framework for T2I generation based on visual programming. Unlike previous T2I
evaluations with a single scoring model that is accurate in some skills but
unreliable in others, VPEval produces evaluation programs that invoke a set of
visual modules that are experts in different skills, and also provides
visual+textual explanations of the evaluation results. Our analysis shows that
VPEval provides a more human-correlated evaluation for skill-specific and
open-ended prompts than widely used single model-based evaluation. We hope that
our work encourages future progress on interpretable/explainable generation and
evaluation for T2I models. | cs.CV | Visual Programming for Text-to-Image Generation and Evaluation |
2023-05-24T16:37:35Z | http://arxiv.org/pdf/2305.15321v1 | http://arxiv.org/abs/2305.15321v1 | Liane Vogel, Benjamin Hilprecht, Carsten Binnig | 2023-05-24T16:37:35Z | cs.DB, cs.CL | Tabular representation learning has recently gained a lot of attention.
However, existing approaches only learn a representation from a single table,
and thus ignore the potential to learn from the full structure of relational
databases, including neighboring tables that can contain important information
for a contextualized representation. Moreover, current models are significantly
limited in scale, which prevents that they learn from large databases. In this
paper, we thus introduce our vision of relational representation learning, that
can not only learn from the full relational structure, but also can scale to
larger database sizes that are commonly found in real-world. Moreover, we also
discuss opportunities and challenges we see along the way to enable this vision
and present initial very promising results. Overall, we argue that this
direction can lead to foundation models for relational databases that are today
only available for text and images. | cs.DB | Towards Foundation Models for Relational Databases [Vision Paper] |
2023-05-24T16:23:46Z | http://arxiv.org/pdf/2305.15299v4 | http://arxiv.org/abs/2305.15299v4 | Evangelos Pournaras | 2023-07-29T12:54:20Z | cs.CY, cs.AI, cs.CL | Large language models of artificial intelligence (AI), such as ChatGPT, find
remarkable but controversial applicability in science and research. This paper
reviews epistemological challenges, ethical and integrity risks in science
conduct in the advent of generative AI. This is with the aim to lay new timely
foundations for a high-quality research ethics review. The role of AI language
models as a research instrument and subject is scrutinized along with ethical
implications for scientists, participants and reviewers. New emerging practices
for research ethics review are discussed, concluding with ten recommendations
that shape a response for a more responsible research conduct in the era of AI. | cs.CY | Science in the Era of ChatGPT, Large Language Models and Generative AI: Challenges for Research Ethics and How to Respond |
2023-05-24T16:17:36Z | http://arxiv.org/pdf/2305.15294v2 | http://arxiv.org/abs/2305.15294v2 | Zhihong Shao, Yeyun Gong, Yelong Shen, Minlie Huang, Nan Duan, Weizhu Chen | 2023-10-23T09:58:13Z | cs.CL | Large language models are powerful text processors and reasoners, but are
still subject to limitations including outdated knowledge and hallucinations,
which necessitates connecting them to the world. Retrieval-augmented large
language models have raised extensive attention for grounding model generation
on external knowledge. However, retrievers struggle to capture relevance,
especially for queries with complex information needs. Recent work has proposed
to improve relevance modeling by having large language models actively involved
in retrieval, i.e., to improve retrieval with generation. In this paper, we
show that strong performance can be achieved by a method we call Iter-RetGen,
which synergizes retrieval and generation in an iterative manner. A model
output shows what might be needed to finish a task, and thus provides an
informative context for retrieving more relevant knowledge which in turn helps
generate a better output in the next iteration. Compared with recent work which
interleaves retrieval with generation when producing an output, Iter-RetGen
processes all retrieved knowledge as a whole and largely preserves the
flexibility in generation without structural constraints. We evaluate
Iter-RetGen on multi-hop question answering, fact verification, and commonsense
reasoning, and show that it can flexibly leverage parametric knowledge and
non-parametric knowledge, and is superior to or competitive with
state-of-the-art retrieval-augmented baselines while causing fewer overheads of
retrieval and generation. We can further improve performance via
generation-augmented retrieval adaptation. | cs.CL | Enhancing Retrieval-Augmented Large Language Models with Iterative Retrieval-Generation Synergy |
2023-05-24T16:04:26Z | http://arxiv.org/pdf/2305.15282v2 | http://arxiv.org/abs/2305.15282v2 | Rohan Bhambhoria, Lei Chen, Xiaodan Zhu | 2023-05-26T13:57:52Z | cs.CL, cs.AI | In recent years, large language models (LLMs) have achieved strong
performance on benchmark tasks, especially in zero or few-shot settings.
However, these benchmarks often do not adequately address the challenges posed
in the real-world, such as that of hierarchical classification. In order to
address this challenge, we propose refactoring conventional tasks on
hierarchical datasets into a more indicative long-tail prediction task. We
observe LLMs are more prone to failure in these cases. To address these
limitations, we propose the use of entailment-contradiction prediction in
conjunction with LLMs, which allows for strong performance in a strict
zero-shot setting. Importantly, our method does not require any parameter
updates, a resource-intensive process and achieves strong performance across
multiple datasets. | cs.CL | A Simple and Effective Framework for Strict Zero-Shot Hierarchical Classification |
2023-05-24T16:00:54Z | http://arxiv.org/pdf/2305.15275v1 | http://arxiv.org/abs/2305.15275v1 | Qihuang Zhong, Liang Ding, Juhua Liu, Bo Du, Dacheng Tao | 2023-05-24T16:00:54Z | cs.CL | Masked language modeling, widely used in discriminative language model (e.g.,
BERT) pretraining, commonly adopts a random masking strategy. However, random
masking does not consider the importance of the different words in the sentence
meaning, where some of them are more worthy to be predicted. Therefore, various
masking strategies (e.g., entity-level masking) are proposed, but most of them
require expensive prior knowledge and generally train from scratch without
reusing existing model weights. In this paper, we present Self-Evolution
learning (SE), a simple and effective token masking and learning method to
fully and wisely exploit the knowledge from data. SE focuses on learning the
informative yet under-explored tokens and adaptively regularizes the training
by introducing a novel Token-specific Label Smoothing approach. Experiments on
10 tasks show that our SE brings consistent and significant improvements
(+1.43~2.12 average scores) upon different PLMs. In-depth analyses demonstrate
that SE improves linguistic knowledge learning and generalization. | cs.CL | Self-Evolution Learning for Discriminative Language Model Pretraining |
2023-05-24T15:59:44Z | http://arxiv.org/pdf/2305.15273v1 | http://arxiv.org/abs/2305.15273v1 | Qihuang Zhong, Liang Ding, Juhua Liu, Xuebo Liu, Min Zhang, Bo Du, Dacheng Tao | 2023-05-24T15:59:44Z | cs.CL | Token dropping is a recently-proposed strategy to speed up the pretraining of
masked language models, such as BERT, by skipping the computation of a subset
of the input tokens at several middle layers. It can effectively reduce the
training time without degrading much performance on downstream tasks. However,
we empirically find that token dropping is prone to a semantic loss problem and
falls short in handling semantic-intense tasks. Motivated by this, we propose a
simple yet effective semantic-consistent learning method (ScTD) to improve the
token dropping. ScTD aims to encourage the model to learn how to preserve the
semantic information in the representation space. Extensive experiments on 12
tasks show that, with the help of our ScTD, token dropping can achieve
consistent and significant performance gains across all task types and model
sizes. More encouragingly, ScTD saves up to 57% of pretraining time and brings
up to +1.56% average improvement over the vanilla token dropping. | cs.CL | Revisiting Token Dropping Strategy in Efficient BERT Pretraining |
2023-05-24T15:55:51Z | http://arxiv.org/pdf/2305.15269v3 | http://arxiv.org/abs/2305.15269v3 | Abulhair Saparov, Richard Yuanzhe Pang, Vishakh Padmakumar, Nitish Joshi, Seyed Mehran Kazemi, Najoung Kim, He He | 2023-11-03T18:45:56Z | cs.CL, cs.AI | Given the intractably large size of the space of proofs, any model that is
capable of general deductive reasoning must generalize to proofs of greater
complexity. Recent studies have shown that large language models (LLMs) possess
some abstract deductive reasoning ability given chain-of-thought prompts.
However, they have primarily been tested on proofs using modus ponens or of a
specific size, and from the same distribution as the in-context examples. To
measure the general deductive reasoning ability of LLMs, we test on a broad set
of deduction rules and measure their ability to generalize to more complex
proofs from simpler demonstrations from multiple angles: depth-, width-, and
compositional generalization. To facilitate systematic exploration, we
construct a new synthetic and programmable reasoning dataset that enables
control over deduction rules and proof complexity. Our experiments on four LLMs
of various sizes and training objectives show that they are able to generalize
to compositional proofs. However, they have difficulty generalizing to longer
proofs, and they require explicit demonstrations to produce hypothetical
subproofs, specifically in proof by cases and proof by contradiction. | cs.CL | Testing the General Deductive Reasoning Capacity of Large Language Models Using OOD Examples |
2023-05-24T15:55:40Z | http://arxiv.org/pdf/2305.15268v1 | http://arxiv.org/abs/2305.15268v1 | Zhengwei Tao, Zhi Jin, Xiaoying Bai, Haiyan Zhao, Yanlin Feng, Jia Li, Wenpeng Hu | 2023-05-24T15:55:40Z | cs.CL, cs.AI | Events serve as fundamental units of occurrence within various contexts. The
processing of event semantics in textual information forms the basis of
numerous natural language processing (NLP) applications. Recent studies have
begun leveraging large language models (LLMs) to address event semantic
processing. However, the extent that LLMs can effectively tackle these
challenges remains uncertain. Furthermore, the lack of a comprehensive
evaluation framework for event semantic processing poses a significant
challenge in evaluating these capabilities. In this paper, we propose an
overarching framework for event semantic processing, encompassing
understanding, reasoning, and prediction, along with their fine-grained
aspects. To comprehensively evaluate the event semantic processing abilities of
models, we introduce a novel benchmark called EVEVAL. We collect 8 datasets
that cover all aspects of event semantic processing. Extensive experiments are
conducted on EVEVAL, leading to several noteworthy findings based on the
obtained results. | cs.CL | EvEval: A Comprehensive Evaluation of Event Semantics for Large Language Models |
2023-05-24T15:52:08Z | http://arxiv.org/pdf/2305.15265v2 | http://arxiv.org/abs/2305.15265v2 | Zirui Liu, Guanchu Wang, Shaochen Zhong, Zhaozhuo Xu, Daochen Zha, Ruixiang Tang, Zhimeng Jiang, Kaixiong Zhou, Vipin Chaudhary, Shuai Xu, Xia Hu | 2023-12-09T17:32:13Z | cs.LG, cs.CL | With the rapid growth in model size, fine-tuning the large pre-trained
language model has become increasingly difficult due to its extensive memory
usage. Previous works usually focus on reducing the number of trainable
parameters in the network. While the model parameters do contribute to memory
usage, the primary memory bottleneck during training arises from storing
feature maps, also known as activations, as they are crucial for gradient
calculation. Notably, neural networks are usually trained using stochastic
gradient descent. We argue that in stochastic optimization, models can handle
noisy gradients as long as the gradient estimator is unbiased with reasonable
variance. Following this motivation, we propose a new family of unbiased
estimators called WTA-CRS, for matrix production with reduced variance, which
only requires storing the sub-sampled activations for calculating the gradient.
Our work provides both theoretical and experimental evidence that, in the
context of tuning transformers, our proposed estimators exhibit lower variance
compared to existing ones. By replacing the linear operation with our
approximated one in transformers, we can achieve up to 2.7$\times$ peak memory
reduction with almost no accuracy drop and enables up to $6.4\times$ larger
batch size. Under the same hardware, WTA-CRS enables better down-streaming task
performance by applying larger models and/or faster training speed with larger
batch sizes. | cs.LG | Winner-Take-All Column Row Sampling for Memory Efficient Adaptation of Language Model |
2023-05-24T15:48:29Z | http://arxiv.org/pdf/2305.15262v1 | http://arxiv.org/abs/2305.15262v1 | Kejuan Yang, Xiao Liu, Kaiwen Men, Aohan Zeng, Yuxiao Dong, Jie Tang | 2023-05-24T15:48:29Z | cs.CL | We identify two crucial limitations in the evaluation of recent
parallel-integrated method Parallel Context Windows (PCW), which extends the
maximum context lengths of language models, e.g., 2048 for LLaMA, by harnessing
window-wise attention and positional embedding techniques. We first show that a
simple yet strong baseline, weighted sum ensemble, is missing for the
in-context few-shot classification. Moreover, on more challenging
Chain-of-Thought (CoT) reasoning (e.g., HotpotQA), PCW would present unexpected
deterioration regarding question miscomprehension and false inference. Based on
our findings, we suggest that the existing PCW design may not guarantee
sufficient improvement and practicality in handling lengthy documents in
real-world applications. More community efforts on enabling language models'
long context understanding ability should be paid. | cs.CL | Revisiting Parallel Context Windows: A Frustratingly Simple Alternative and Chain-of-Thought Deterioration |
2023-05-24T15:39:43Z | http://arxiv.org/pdf/2305.15255v4 | http://arxiv.org/abs/2305.15255v4 | Eliya Nachmani, Alon Levkovitch, Roy Hirsch, Julian Salazar, Chulayuth Asawaroengchai, Soroosh Mariooryad, Ehud Rivlin, RJ Skerry-Ryan, Michelle Tadmor Ramanovich | 2024-05-31T01:29:27Z | cs.CL, cs.LG, cs.SD, eess.AS | We present Spectron, a novel approach to adapting pre-trained large language
models (LLMs) to perform spoken question answering (QA) and speech
continuation. By endowing the LLM with a pre-trained speech encoder, our model
becomes able to take speech inputs and generate speech outputs. The entire
system is trained end-to-end and operates directly on spectrograms, simplifying
our architecture. Key to our approach is a training objective that jointly
supervises speech recognition, text continuation, and speech synthesis using
only paired speech-text pairs, enabling a `cross-modal' chain-of-thought within
a single decoding pass. Our method surpasses existing spoken language models in
speaker preservation and semantic coherence. Furthermore, the proposed model
improves upon direct initialization in retaining the knowledge of the original
LLM as demonstrated through spoken QA datasets. We release our audio samples
(https://michelleramanovich.github.io/spectron/spectron) and spoken QA dataset
(https://github.com/google-research-datasets/LLAMA1-Test-Set). | cs.CL | Spoken Question Answering and Speech Continuation Using Spectrogram-Powered LLM |
2023-05-24T15:14:49Z | http://arxiv.org/pdf/2305.15233v1 | http://arxiv.org/abs/2305.15233v1 | Sunkyoung Kim, Dayeon Ki, Yireun Kim, Jinsik Lee | 2023-05-24T15:14:49Z | cs.CL, cs.AI | Existing cross-lingual transfer (CLT) prompting methods are only concerned
with monolingual demonstration examples in the source language. In this paper,
we propose In-CLT, a novel cross-lingual transfer prompting method that
leverages both source and target languages to construct the demonstration
examples. We conduct comprehensive evaluations on multilingual benchmarks,
focusing on question answering tasks. Experiment results show that In-CLT
prompt not only improves multilingual models' cross-lingual transferability,
but also demonstrates remarkable unseen language generalization ability. In-CLT
prompting, in particular, improves model performance by 10 to 20\% points on
average when compared to prior cross-lingual transfer approaches. We also
observe the surprising performance gain on the other multilingual benchmarks,
especially in reasoning tasks. Furthermore, we investigate the relationship
between lexical similarity and pre-training corpora in terms of the
cross-lingual transfer gap. | cs.CL | Boosting Cross-lingual Transferability in Multilingual Models via In-Context Learning |
2023-05-24T15:07:30Z | http://arxiv.org/pdf/2305.15225v2 | http://arxiv.org/abs/2305.15225v2 | Hongyin Luo, Yung-Sung Chuang, Yuan Gong, Tianhua Zhang, Yoon Kim, Xixin Wu, Danny Fox, Helen Meng, James Glass | 2023-06-25T17:56:37Z | cs.CL | Large language models (LLMs) have been significantly improved by instruction
fine-tuning, but still lack transparency and the ability to utilize up-to-date
knowledge and information. In this work, we propose search-augmented
instruction learning (SAIL), which grounds the language generation and
instruction following abilities on complex search results generated by in-house
and external search engines. With an instruction tuning corpus, we collect
search results for each training case from different search APIs and domains,
and construct a new search-grounded training set containing
\textit{(instruction, grounding information, response)} triplets. We then
fine-tune the LLaMA-7B model on the constructed training set. Since the
collected results contain unrelated and disputing languages, the model needs to
learn to ground on trustworthy search results, filter out distracting passages,
and generate the target response. The search result-denoising process entails
explicit trustworthy information selection and multi-hop reasoning, since the
retrieved passages might be informative but not contain the
instruction-following answer. Experiments show that the fine-tuned SAIL-7B
model has a strong instruction-following ability, and it performs significantly
better on transparency-sensitive tasks, including open-ended question answering
and fact checking. | cs.CL | SAIL: Search-Augmented Instruction Learning |
2023-05-24T15:05:53Z | http://arxiv.org/pdf/2305.15222v1 | http://arxiv.org/abs/2305.15222v1 | Koyena Pal, Seyed Ali Bahrainian, Laura Mercurio, Carsten Eickhoff | 2023-05-24T15:05:53Z | cs.CL, cs.AI, cs.IR | Hospital discharge documentation is among the most essential, yet
time-consuming documents written by medical practitioners. The objective of
this study was to automatically generate hospital discharge summaries using
neural network summarization models. We studied various data preparation and
neural network training techniques that generate discharge summaries. Using
nursing notes and discharge summaries from the MIMIC-III dataset, we studied
the viability of the automatic generation of various sections of a discharge
summary using four state-of-the-art neural network summarization models (BART,
T5, Longformer and FLAN-T5). Our experiments indicated that training
environments including nursing notes as the source, and discrete sections of
the discharge summary as the target output (e.g. "History of Present Illness")
improve language model efficiency and text quality. According to our findings,
the fine-tuned BART model improved its ROUGE F1 score by 43.6% against its
standard off-the-shelf version. We also found that fine-tuning the baseline
BART model with other setups caused different degrees of improvement (up to 80%
relative improvement). We also observed that a fine-tuned T5 generally achieves
higher ROUGE F1 scores than other fine-tuned models and a fine-tuned FLAN-T5
achieves the highest ROUGE score overall, i.e., 45.6. For majority of the
fine-tuned language models, summarizing discharge summary report sections
separately outperformed the summarization the entire report quantitatively. On
the other hand, fine-tuning language models that were previously instruction
fine-tuned showed better performance in summarizing entire reports. This study
concludes that a focused dataset designed for the automatic generation of
discharge summaries by a language model can produce coherent Discharge Summary
sections. | cs.CL | Neural Summarization of Electronic Health Records |
2023-05-24T14:51:01Z | http://arxiv.org/pdf/2305.15212v1 | http://arxiv.org/abs/2305.15212v1 | Zhen-Ru Zhang, Chuanqi Tan, Haiyang Xu, Chengyu Wang, Jun Huang, Songfang Huang | 2023-05-24T14:51:01Z | cs.CL | Fine-tuning large pre-trained language models on various downstream tasks
with whole parameters is prohibitively expensive. Hence, Parameter-efficient
fine-tuning has attracted attention that only optimizes a few task-specific
parameters with the frozen pre-trained model. In this work, we focus on prefix
tuning, which only optimizes continuous prefix vectors (i.e. pseudo tokens)
inserted into Transformer layers. Based on the observation that the learned
syntax and semantics representation varies a lot at different layers, we argue
that the adaptive prefix will be further tailored to each layer than the fixed
one, enabling the fine-tuning more effective and efficient. Thus, we propose
Adaptive Prefix Tuning (APT) to adjust the prefix in terms of both fine-grained
token level and coarse-grained layer level with a gate mechanism. Experiments
on the SuperGLUE and NER datasets show the effectiveness of APT. In addition,
taking the gate as a probing, we validate the efficiency and effectiveness of
the variable prefix. | cs.CL | Towards Adaptive Prefix Tuning for Parameter-Efficient Language Model Fine-tuning |
2023-05-24T14:26:30Z | http://arxiv.org/pdf/2305.15186v1 | http://arxiv.org/abs/2305.15186v1 | Tetsu Kasanishi, Masaru Isonuma, Junichiro Mori, Ichiro Sakata | 2023-05-24T14:26:30Z | cs.CL, cs.AI | Automatic literature review generation is one of the most challenging tasks
in natural language processing. Although large language models have tackled
literature review generation, the absence of large-scale datasets has been a
stumbling block to the progress. We release SciReviewGen, consisting of over
10,000 literature reviews and 690,000 papers cited in the reviews. Based on the
dataset, we evaluate recent transformer-based summarization models on the
literature review generation task, including Fusion-in-Decoder extended for
literature review generation. Human evaluation results show that some
machine-generated summaries are comparable to human-written reviews, while
revealing the challenges of automatic literature review generation such as
hallucinations and a lack of detailed information. Our dataset and code are
available at https://github.com/tetsu9923/SciReviewGen. | cs.CL | SciReviewGen: A Large-scale Dataset for Automatic Literature Review Generation |
2023-05-24T14:18:52Z | http://arxiv.org/pdf/2305.15183v1 | http://arxiv.org/abs/2305.15183v1 | Chenming Tang, Xiuyu Wu, Yunfang Wu | 2023-05-24T14:18:52Z | cs.CL | Model ensemble has been in widespread use for Grammatical Error Correction
(GEC), boosting model performance. We hypothesize that model ensemble based on
the perplexity (PPL) computed by pre-trained language models (PLMs) should
benefit the GEC system. To this end, we explore several ensemble strategies
based on strong PLMs with four sophisticated single models. However, the
performance does not improve but even gets worse after the PLM-based ensemble.
This surprising result sets us doing a detailed analysis on the data and coming
up with some insights on GEC. The human references of correct sentences is far
from sufficient in the test data, and the gap between a correct sentence and an
idiomatic one is worth our attention. Moreover, the PLM-based ensemble
strategies provide an effective way to extend and improve GEC benchmark data.
Our source code is available at
https://github.com/JamyDon/PLM-based-CGEC-Model-Ensemble. | cs.CL | Are Pre-trained Language Models Useful for Model Ensemble in Chinese Grammatical Error Correction? |
2023-05-24T14:14:08Z | http://arxiv.org/pdf/2305.15182v2 | http://arxiv.org/abs/2305.15182v2 | He Zhu, Chong Zhang, Junjie Huang, Junran Wu, Ke Xu | 2023-06-09T08:53:14Z | cs.CL | Hierarchical text classification (HTC) is a challenging subtask of
multi-label classification as the labels form a complex hierarchical structure.
Existing dual-encoder methods in HTC achieve weak performance gains with huge
memory overheads and their structure encoders heavily rely on domain knowledge.
Under such observation, we tend to investigate the feasibility of a
memory-friendly model with strong generalization capability that could boost
the performance of HTC without prior statistics or label semantics. In this
paper, we propose Hierarchy-aware Tree Isomorphism Network (HiTIN) to enhance
the text representations with only syntactic information of the label
hierarchy. Specifically, we convert the label hierarchy into an unweighted tree
structure, termed coding tree, with the guidance of structural entropy. Then we
design a structure encoder to incorporate hierarchy-aware information in the
coding tree into text representations. Besides the text encoder, HiTIN only
contains a few multi-layer perceptions and linear transformations, which
greatly saves memory. We conduct experiments on three commonly used datasets
and the results demonstrate that HiTIN could achieve better test performance
and less memory consumption than state-of-the-art (SOTA) methods. | cs.CL | HiTIN: Hierarchy-aware Tree Isomorphism Network for Hierarchical Text Classification |
2023-05-24T14:06:27Z | http://arxiv.org/pdf/2305.15175v1 | http://arxiv.org/abs/2305.15175v1 | Yiyang Li, Xinting Huang, Wei Bi, Hai Zhao | 2023-05-24T14:06:27Z | cs.CL | Multi-party dialogues are more difficult for models to understand than
one-to-one two-party dialogues, since they involve multiple interlocutors,
resulting in interweaving reply-to relations and information flows. To step
over these obstacles, an effective way is to pre-train a model that understands
the discourse structure of multi-party dialogues, namely, to whom each
utterance is replying. However, due to the lack of explicitly annotated
discourse labels in multi-party dialogue corpora, previous works fail to scale
up the pre-training process by putting aside the unlabeled multi-party
conversational data for nothing. To fully utilize the unlabeled data, we
propose to treat the discourse structures as latent variables, then jointly
infer them and pre-train the discourse-aware model by unsupervised latent
variable inference methods. Experiments on multiple downstream tasks show that
our pre-trained model outperforms strong baselines by large margins and
achieves state-of-the-art (SOTA) results, justifying the effectiveness of our
method. The official implementation of this paper is available at
https://github.com/EricLee8/MPD_EMVI. | cs.CL | Pre-training Multi-party Dialogue Models with Latent Discourse Inference |
2023-05-24T13:35:08Z | http://arxiv.org/pdf/2305.15138v1 | http://arxiv.org/abs/2305.15138v1 | Chunpu Xu, Jing Li, Piji Li, Min Yang | 2023-05-24T13:35:08Z | cs.CL, cs.AI, cs.LG | Millions of users are active on social media. To allow users to better
showcase themselves and network with others, we explore the auto-generation of
social media self-introduction, a short sentence outlining a user's personal
interests. While most prior work profiles users with tags (e.g., ages), we
investigate sentence-level self-introductions to provide a more natural and
engaging way for users to know each other. Here we exploit a user's tweeting
history to generate their self-introduction. The task is non-trivial because
the history content may be lengthy, noisy, and exhibit various personal
interests. To address this challenge, we propose a novel unified topic-guided
encoder-decoder (UTGED) framework; it models latent topics to reflect salient
user interest, whose topic mixture then guides encoding a user's history and
topic words control decoding their self-introduction. For experiments, we
collect a large-scale Twitter dataset, and extensive results show the
superiority of our UTGED to the advanced encoder-decoder models without topic
modeling. | cs.CL | Topic-Guided Self-Introduction Generation for Social Media Users |
2023-05-24T13:25:20Z | http://arxiv.org/pdf/2305.15130v1 | http://arxiv.org/abs/2305.15130v1 | Saku Sugawara, Shun Tsugita | 2023-05-24T13:25:20Z | cs.CL, cs.AI | Natural language understanding (NLU) studies often exaggerate or
underestimate the capabilities of systems, thereby limiting the reproducibility
of their findings. These erroneous evaluations can be attributed to the
difficulty of defining and testing NLU adequately. In this position paper, we
reconsider this challenge by identifying two types of researcher degrees of
freedom. We revisit Turing's original interpretation of the Turing test and
indicate that an NLU test does not provide an operational definition; it merely
provides inductive evidence that the test subject understands the language
sufficiently well to meet stakeholder objectives. In other words, stakeholders
are free to arbitrarily define NLU through their objectives. To use the test
results as inductive evidence, stakeholders must carefully assess if the
interpretation of test scores is valid or not. However, designing and using NLU
tests involve other degrees of freedom, such as specifying target skills and
defining evaluation metrics. As a result, achieving consensus among
stakeholders becomes difficult. To resolve this issue, we propose a validity
argument, which is a framework comprising a series of validation criteria
across test components. By demonstrating that current practices in NLU studies
can be associated with those criteria and organizing them into a comprehensive
checklist, we prove that the validity argument can serve as a coherent
guideline for designing credible test sets and facilitating scientific
communication. | cs.CL | On Degrees of Freedom in Defining and Testing Natural Language Understanding |
2023-05-24T13:11:04Z | http://arxiv.org/pdf/2305.15119v1 | http://arxiv.org/abs/2305.15119v1 | Alberto Muñoz-Ortiz, David Vilares | 2023-05-24T13:11:04Z | cs.CL | The usefulness of part-of-speech tags for parsing has been heavily questioned
due to the success of word-contextualized parsers. Yet, most studies are
limited to coarse-grained tags and high quality written content; while we know
little about their influence when it comes to models in production that face
lexical errors. We expand these setups and design an adversarial attack to
verify if the use of morphological information by parsers: (i) contributes to
error propagation or (ii) if on the other hand it can play a role to correct
mistakes that word-only neural parsers make. The results on 14 diverse UD
treebanks show that under such attacks, for transition- and graph-based models
their use contributes to degrade the performance even faster, while for the
(lower-performing) sequence labeling parsers they are helpful. We also show
that if morphological tags were utopically robust against lexical
perturbations, they would be able to correct parsing mistakes. | cs.CL | Another Dead End for Morphological Tags? Perturbed Inputs and Parsing |
2023-05-24T12:55:04Z | http://arxiv.org/pdf/2305.15108v1 | http://arxiv.org/abs/2305.15108v1 | Debayan Banerjee, Pranav Ajit Nair, Ricardo Usbeck, Chris Biemann | 2023-05-24T12:55:04Z | cs.CL | In this work, we analyse the role of output vocabulary for text-to-text (T2T)
models on the task of SPARQL semantic parsing. We perform experiments within
the the context of knowledge graph question answering (KGQA), where the task is
to convert questions in natural language to the SPARQL query language. We
observe that the query vocabulary is distinct from human vocabulary. Language
Models (LMs) are pre-dominantly trained for human language tasks, and hence, if
the query vocabulary is replaced with a vocabulary more attuned to the LM
tokenizer, the performance of models may improve. We carry out carefully
selected vocabulary substitutions on the queries and find absolute gains in the
range of 17% on the GrailQA dataset. | cs.CL | The Role of Output Vocabulary in T2T LMs for SPARQL Semantic Parsing |
2023-05-24T12:33:06Z | http://arxiv.org/pdf/2305.15099v1 | http://arxiv.org/abs/2305.15099v1 | Ziwei He, Meng Yang, Minwei Feng, Jingcheng Yin, Xinbing Wang, Jingwen Leng, Zhouhan Lin | 2023-05-24T12:33:06Z | cs.CL | The transformer model is known to be computationally demanding, and
prohibitively costly for long sequences, as the self-attention module uses a
quadratic time and space complexity with respect to sequence length. Many
researchers have focused on designing new forms of self-attention or
introducing new parameters to overcome this limitation, however a large portion
of them prohibits the model to inherit weights from large pretrained models. In
this work, the transformer's inefficiency has been taken care of from another
perspective. We propose Fourier Transformer, a simple yet effective approach by
progressively removing redundancies in hidden sequence using the ready-made
Fast Fourier Transform (FFT) operator to perform Discrete Cosine Transformation
(DCT). Fourier Transformer is able to significantly reduce computational costs
while retain the ability to inherit from various large pretrained models.
Experiments show that our model achieves state-of-the-art performances among
all transformer-based models on the long-range modeling benchmark LRA with
significant improvement in both speed and space. For generative seq-to-seq
tasks including CNN/DailyMail and ELI5, by inheriting the BART weights our
model outperforms the standard BART and other efficient models. \footnote{Our
code is publicly available at
\url{https://github.com/LUMIA-Group/FourierTransformer}} | cs.CL | Fourier Transformer: Fast Long Range Modeling by Removing Sequence Redundancy with FFT Operator |
2023-05-24T12:28:35Z | http://arxiv.org/pdf/2305.15098v1 | http://arxiv.org/abs/2305.15098v1 | Michael Tang, Shunyu Yao, John Yang, Karthik Narasimhan | 2023-05-24T12:28:35Z | cs.CL | We propose Referral-Augmented Retrieval (RAR), a simple technique that
concatenates document indices with referrals, i.e. text from other documents
that cite or link to the given document, to provide significant performance
gains for zero-shot information retrieval. The key insight behind our method is
that referrals provide a more complete, multi-view representation of a
document, much like incoming page links in algorithms like PageRank provide a
comprehensive idea of a webpage's importance. RAR works with both sparse and
dense retrievers, and outperforms generative text expansion techniques such as
DocT5Query and Query2Doc a 37% and 21% absolute improvement on ACL paper
retrieval Recall@10 -- while also eliminating expensive model training and
inference. We also analyze different methods for multi-referral aggregation and
show that RAR enables up-to-date information retrieval without re-training. | cs.CL | Referral Augmentation for Zero-Shot Information Retrieval |
2023-05-24T12:24:12Z | http://arxiv.org/pdf/2305.15096v3 | http://arxiv.org/abs/2305.15096v3 | Zachary Ankner, Naomi Saphra, Davis Blalock, Jonathan Frankle, Matthew L. Leavitt | 2024-02-10T20:56:20Z | cs.CL, cs.AI | Most works on transformers trained with the Masked Language Modeling (MLM)
objective use the original BERT model's fixed masking rate of 15%. We propose
to instead dynamically schedule the masking rate throughout training. We find
that linearly decreasing the masking rate over the course of pretraining
improves average GLUE accuracy by up to 0.46% and 0.25% in BERT-base and
BERT-large, respectively, compared to fixed rate baselines. These gains come
from exposure to both high and low masking rate regimes, providing benefits
from both settings. Our results demonstrate that masking rate scheduling is a
simple way to improve the quality of masked language models, achieving up to a
1.89x speedup in pretraining for BERT-base as well as a Pareto improvement for
BERT-large. | cs.CL | Dynamic Masking Rate Schedules for MLM Pretraining |
2023-05-24T12:18:50Z | http://arxiv.org/pdf/2305.15093v2 | http://arxiv.org/abs/2305.15093v2 | Ameet Deshpande, Carlos E. Jimenez, Howard Chen, Vishvak Murahari, Victoria Graf, Tanmay Rajpurohit, Ashwin Kalyan, Danqi Chen, Karthik Narasimhan | 2023-11-06T18:48:43Z | cs.CL, cs.AI, cs.LG | Semantic textual similarity (STS), a cornerstone task in NLP, measures the
degree of similarity between a pair of sentences, and has broad application in
fields such as information retrieval and natural language understanding.
However, sentence similarity can be inherently ambiguous, depending on the
specific aspect of interest. We resolve this ambiguity by proposing a novel
task called Conditional STS (C-STS) which measures sentences' similarity
conditioned on an feature described in natural language (hereon, condition). As
an example, the similarity between the sentences "The NBA player shoots a
three-pointer." and "A man throws a tennis ball into the air to serve." is
higher for the condition "The motion of the ball" (both upward) and lower for
"The size of the ball" (one large and one small). C-STS's advantages are
two-fold: (1) it reduces the subjectivity and ambiguity of STS and (2) enables
fine-grained language model evaluation through diverse natural language
conditions. We put several state-of-the-art models to the test, and even those
performing well on STS (e.g. SimCSE, Flan-T5, and GPT-4) find C-STS
challenging; all with Spearman correlation scores below 50. To encourage a more
comprehensive evaluation of semantic similarity and natural language
understanding, we make nearly 19K C-STS examples and code available for others
to train and test their models. | cs.CL | C-STS: Conditional Semantic Textual Similarity |
2023-05-24T12:15:19Z | http://arxiv.org/pdf/2305.15090v3 | http://arxiv.org/abs/2305.15090v3 | Mingyu Derek Ma, Xiaoxuan Wang, Po-Nien Kung, P. Jeffrey Brantingham, Nanyun Peng, Wei Wang | 2024-02-20T20:00:21Z | cs.CL, cs.AI | Information extraction tasks such as event extraction require an in-depth
understanding of the output structure and sub-task dependencies. They heavily
rely on task-specific training data in the form of (passage, target structure)
pairs to obtain reasonable performance. However, obtaining such data through
human annotation is costly, leading to a pressing need for low-resource
information extraction approaches that require minimal human labeling for
real-world applications. Fine-tuning supervised models with synthesized
training data would be a generalizable method, but the existing data generation
methods either still rely on large-scale ground-truth data or cannot be applied
to complicated IE tasks due to their poor performance. To address these
challenges, we propose STAR, a data generation method that leverages Large
Language Models (LLMs) to synthesize data instances given limited seed
demonstrations, thereby boosting low-resource information extraction
performance. Our approach involves generating target structures (Y) followed by
generating passages (X), all accomplished with the aid of LLMs. We design
fine-grained step-by-step instructions to obtain the initial data instances. We
further reduce errors and improve data quality through self-reflection error
identification and self-refinement with iterative revision. Our experiments
show that the data generated by STAR significantly improve the performance of
low-resource event extraction and relation extraction tasks, even surpassing
the effectiveness of human-curated data. Human assessment of the data quality
shows STAR-generated data exhibits higher passage quality and better align with
the task definitions compared with the human-curated data. | cs.CL | STAR: Boosting Low-Resource Information Extraction by Structure-to-Text Data Generation with Large Language Models |
2023-05-24T12:09:42Z | http://arxiv.org/pdf/2306.05535v2 | http://arxiv.org/abs/2306.05535v2 | Petar Ivanov, Ivan Koychev, Momchil Hardalov, Preslav Nakov | 2024-01-17T19:39:42Z | cs.CL, cs.AI, cs.IR, cs.LG, cs.SD, eess.AS, 68T50, F.2.2; I.2.7 | Developing tools to automatically detect check-worthy claims in political
debates and speeches can greatly help moderators of debates, journalists, and
fact-checkers. While previous work on this problem has focused exclusively on
the text modality, here we explore the utility of the audio modality as an
additional input. We create a new multimodal dataset (text and audio in
English) containing 48 hours of speech from past political debates in the USA.
We then experimentally demonstrate that, in the case of multiple speakers,
adding the audio modality yields sizable improvements over using the text
modality alone; moreover, an audio-only model could outperform a text-only one
for a single speaker. With the aim to enable future research, we make all our
data and code publicly available at
https://github.com/petar-iv/audio-checkworthiness-detection. | cs.CL | Detecting Check-Worthy Claims in Political Debates, Speeches, and Interviews Using Audio Data |
2023-05-24T12:05:53Z | http://arxiv.org/pdf/2305.15087v1 | http://arxiv.org/abs/2305.15087v1 | Philipp Sadler, David Schlangen | 2023-05-24T12:05:53Z | cs.CL, cs.CV | NLP tasks are typically defined extensionally through datasets containing
example instantiations (e.g., pairs of image i and text t), but motivated
intensionally through capabilities invoked in verbal descriptions of the task
(e.g., "t is a description of i, for which the content of i needs to be
recognised and understood"). We present Pento-DIARef, a diagnostic dataset in a
visual domain of puzzle pieces where referring expressions are generated by a
well-known symbolic algorithm (the "Incremental Algorithm"), which itself is
motivated by appeal to a hypothesised capability (eliminating distractors
through application of Gricean maxims). Our question then is whether the
extensional description (the dataset) is sufficient for a neural model to pick
up the underlying regularity and exhibit this capability given the simple task
definition of producing expressions from visual inputs. We find that a model
supported by a vision detection step and a targeted data generation scheme
achieves an almost perfect BLEU@1 score and sentence accuracy, whereas simpler
baselines do not. | cs.CL | Pento-DIARef: A Diagnostic Dataset for Learning the Incremental Algorithm for Referring Expression Generation from Examples |
2023-05-24T12:00:24Z | http://arxiv.org/pdf/2305.15083v4 | http://arxiv.org/abs/2305.15083v4 | Jiahuan Li, Hao Zhou, Shujian Huang, Shanbo Cheng, Jiajun Chen | 2024-04-15T06:02:59Z | cs.CL | Large-scale Pretrained Language Models (LLMs), such as ChatGPT and GPT4, have
shown strong abilities in multilingual translations, without being explicitly
trained on parallel corpora. It is interesting how the LLMs obtain their
ability to carry out translation instructions for different languages. In this
paper, we present a detailed analysis by finetuning a multilingual pretrained
language model, XGLM-7B, to perform multilingual translation following given
instructions. Firstly, we show that multilingual LLMs have stronger translation
abilities than previously demonstrated. For a certain language, the performance
depends on its similarity to English and the amount of data used in the
pretraining phase. Secondly, we find that LLMs' ability to carry out
translation instructions relies on the understanding of translation
instructions and the alignment among different languages. With multilingual
finetuning, LLMs could learn to perform the translation task well even for
those language pairs unseen during the instruction tuning phase. | cs.CL | Eliciting the Translation Ability of Large Language Models via Multilingual Finetuning with Translation Instructions |
2023-05-24T11:59:13Z | http://arxiv.org/pdf/2305.15080v2 | http://arxiv.org/abs/2305.15080v2 | Geewook Kim, Hodong Lee, Daehee Kim, Haeji Jung, Sanghee Park, Yoonsik Kim, Sangdoo Yun, Taeho Kil, Bado Lee, Seunghyun Park | 2023-10-26T12:51:07Z | cs.CL, cs.AI | Recent advances in Large Language Models (LLMs) have stimulated a surge of
research aimed at extending their applications to the visual domain. While
these models exhibit promise in generating abstract image captions and
facilitating natural conversations, their performance on text-rich images still
requires improvement. In this paper, we introduce Contrastive Reading Model
(Cream), a novel neural architecture designed to enhance the language-image
understanding capability of LLMs by capturing intricate details that are often
overlooked in existing methods. Cream combines vision and auxiliary encoders,
fortified by a contrastive feature alignment technique, to achieve a more
effective comprehension of language information in visually situated contexts
within the images. Our approach bridges the gap between vision and language
understanding, paving the way for the development of more sophisticated
Document Intelligence Assistants. Through rigorous evaluations across diverse
visually-situated language understanding tasks that demand reasoning
capabilities, we demonstrate the compelling performance of Cream, positioning
it as a prominent model in the field of visual document understanding. We
provide our codebase and newly-generated datasets at
https://github.com/naver-ai/cream . | cs.CL | Visually-Situated Natural Language Understanding with Contrastive Reading Model and Frozen Large Language Models |
2023-05-24T11:56:21Z | http://arxiv.org/pdf/2305.15077v2 | http://arxiv.org/abs/2305.15077v2 | Junlei Zhang, Zhenzhong Lan, Junxian He | 2023-10-24T09:56:46Z | cs.CL | Contrastive learning has been the dominant approach to train state-of-the-art
sentence embeddings. Previous studies have typically learned sentence
embeddings either through the use of human-annotated natural language inference
(NLI) data or via large-scale unlabeled sentences in an unsupervised manner.
However, even in the case of unlabeled data, their acquisition presents
challenges in certain domains due to various reasons. To address these issues,
we present SynCSE, a contrastive learning framework that trains sentence
embeddings with synthesized data. Specifically, we explore utilizing large
language models to synthesize the required data samples for contrastive
learning, including (1) producing positive and negative annotations given
unlabeled sentences (SynCSE-partial), and (2) generating sentences along with
their corresponding annotations from scratch (SynCSE-scratch). Experimental
results on sentence similarity and reranking tasks indicate that both
SynCSE-partial and SynCSE-scratch greatly outperform unsupervised baselines,
and SynCSE-partial even achieves comparable performance to the supervised
models in most settings. | cs.CL | Contrastive Learning of Sentence Embeddings from Scratch |
2023-05-24T11:56:20Z | http://arxiv.org/pdf/2305.15076v2 | http://arxiv.org/abs/2305.15076v2 | Nathan Hu, Eric Mitchell, Christopher D. Manning, Chelsea Finn | 2023-10-20T22:49:24Z | cs.CL | Large language models encode impressively broad world knowledge in their
parameters. However, the knowledge in static language models falls out of date,
limiting the model's effective "shelf life." While online fine-tuning can
reduce this degradation, we find that naively fine-tuning on a stream of
documents leads to a low level of information uptake. We hypothesize that
online fine-tuning does not sufficiently attend to important information. That
is, the gradient signal from important tokens representing factual information
is drowned out by the gradient from inherently noisy tokens, suggesting that a
dynamic, context-aware learning rate may be beneficial. We therefore propose
learning which tokens to upweight. We meta-train a small, autoregressive model
to reweight the language modeling loss for each token during online
fine-tuning, with the objective of maximizing the out-of-date base
question-answering model's ability to answer questions about a document after a
single weighted gradient step. We call this approach Context-aware Meta-learned
Loss Scaling (CaMeLS). Across three different distributions of documents, our
experiments find that CaMeLS provides substantially improved information uptake
on streams of thousands of documents compared with standard fine-tuning and
baseline heuristics for reweighting token losses. | cs.CL | Meta-Learning Online Adaptation of Language Models |
2023-05-24T11:56:01Z | http://arxiv.org/pdf/2305.15075v1 | http://arxiv.org/abs/2305.15075v1 | Hongbo Zhang, Junying Chen, Feng Jiang, Fei Yu, Zhihong Chen, Jianquan Li, Guiming Chen, Xiangbo Wu, Zhiyi Zhang, Qingying Xiao, Xiang Wan, Benyou Wang, Haizhou Li | 2023-05-24T11:56:01Z | cs.CL, cs.AI | In this paper, we present HuatuoGPT, a large language model (LLM) for medical
consultation. The core recipe of HuatuoGPT is to leverage both
\textit{distilled data from ChatGPT} and \textit{real-world data from doctors}
in the supervised fine-tuned stage. The responses of ChatGPT are usually
detailed, well-presented and informative while it cannot perform like a doctor
in many aspects, e.g. for integrative diagnosis. We argue that real-world data
from doctors would be complementary to distilled data in the sense the former
could tame a distilled language model to perform like doctors. To better
leverage the strengths of both data, we train a reward model to align the
language model with the merits that both data bring, following an RLAIF
(reinforced learning from AI feedback) fashion. To evaluate and benchmark the
models, we propose a comprehensive evaluation scheme (including automatic and
manual metrics). Experimental results demonstrate that HuatuoGPT achieves
state-of-the-art results in performing medical consultation among open-source
LLMs in GPT-4 evaluation, human evaluation, and medical benchmark datasets. It
is worth noting that by using additional real-world data and RLAIF, the
distilled language model (i.e., HuatuoGPT) outperforms its teacher model
ChatGPT in most cases. Our code, data, and models are publicly available at
\url{https://github.com/FreedomIntelligence/HuatuoGPT}. The online demo is
available at \url{https://www.HuatuoGPT.cn/}. | cs.CL | HuatuoGPT, towards Taming Language Model to Be a Doctor |
2023-05-24T11:55:59Z | http://arxiv.org/pdf/2305.15074v3 | http://arxiv.org/abs/2305.15074v3 | Daman Arora, Himanshu Gaurav Singh, Mausam | 2023-10-23T11:55:58Z | cs.CL, cs.AI | The performance of large language models (LLMs) on existing reasoning
benchmarks has significantly improved over the past years. In response, we
present JEEBench, a considerably more challenging benchmark dataset for
evaluating the problem solving abilities of LLMs. We curate 515 challenging
pre-engineering mathematics, physics and chemistry problems from the highly
competitive IIT JEE-Advanced exam. Long-horizon reasoning on top of deep
in-domain knowledge is essential for solving problems in this benchmark. Our
evaluation on various open-source and proprietary models reveals that the
highest performance, even after using techniques like self-consistency,
self-refinement and chain-of-thought prompting, is less than 40%. The typical
failure modes of GPT-4, the best model, are errors in algebraic manipulation,
difficulty in grounding abstract concepts into mathematical equations
accurately and failure in retrieving relevant domain-specific concepts. We also
observe that by mere prompting, GPT-4 is unable to assess risk introduced by
negative marking for incorrect answers. For this, we develop a post-hoc
confidence-thresholding method over self-consistency, which enables effective
response selection. We hope that our challenging benchmark will guide future
re-search in problem-solving using LLMs. | cs.CL | Have LLMs Advanced Enough? A Challenging Problem Solving Benchmark For Large Language Models |
2023-05-24T11:54:46Z | http://arxiv.org/pdf/2305.15070v3 | http://arxiv.org/abs/2305.15070v3 | London Lowmanstone, Ruyuan Wan, Risako Owan, Jaehyung Kim, Dongyeop Kang | 2023-10-05T07:10:25Z | cs.CL | Annotating data via crowdsourcing is time-consuming and expensive. Due to
these costs, dataset creators often have each annotator label only a small
subset of the data. This leads to sparse datasets with examples that are marked
by few annotators. The downside of this process is that if an annotator doesn't
get to label a particular example, their perspective on it is missed. This is
especially concerning for subjective NLP datasets where there is no single
correct label: people may have different valid opinions. Thus, we propose using
imputation methods to generate the opinions of all annotators for all examples,
creating a dataset that does not leave out any annotator's view. We then train
and prompt models, using data from the imputed dataset, to make predictions
about the distribution of responses and individual annotations.
In our analysis of the results, we found that the choice of imputation method
significantly impacts soft label changes and distribution. While the imputation
introduces noise in the prediction of the original dataset, it has shown
potential in enhancing shots for prompts, particularly for low-response-rate
annotators. We have made all of our code and data publicly available. | cs.CL | Annotation Imputation to Individualize Predictions: Initial Studies on Distribution Dynamics and Model Predictions |
2023-05-24T11:54:07Z | http://arxiv.org/pdf/2305.15068v2 | http://arxiv.org/abs/2305.15068v2 | Xiaomeng Ma, Lingyu Gao, Qihui Xu | 2023-10-23T22:16:15Z | cs.CL, cs.AI | Theory of Mind (ToM), the capacity to comprehend the mental states of
distinct individuals, is essential for numerous practical applications. With
the development of large language models (LLMs), there is a heated debate about
whether they are able to perform ToM tasks. Previous studies have used
different tasks and prompts to test the ToM on LLMs and the results are
inconsistent: some studies asserted these models are capable of exhibiting ToM,
while others suggest the opposite. In this study, We present ToMChallenges, a
dataset for comprehensively evaluating the Theory of Mind based on the
Sally-Anne and Smarties tests with a diverse set of tasks. In addition, we also
propose an auto-grader to streamline the answer evaluation process. We tested
three models: davinci, turbo, and gpt-4. Our evaluation results and error
analyses show that LLMs have inconsistent behaviors across prompts and tasks.
Performing the ToM tasks robustly remains a challenge for the LLMs. In
addition, our paper wants to raise awareness in evaluating the ToM in LLMs and
we want to invite more discussion on how to design the prompts and tasks for
ToM tasks that can better assess the LLMs' ability. | cs.CL | ToMChallenges: A Principle-Guided Dataset and Diverse Evaluation Tasks for Exploring Theory of Mind |
2023-05-24T11:53:29Z | http://arxiv.org/pdf/2305.15067v3 | http://arxiv.org/abs/2305.15067v3 | Tianyi Tang, Hongyuan Lu, Yuchen Eleanor Jiang, Haoyang Huang, Dongdong Zhang, Wayne Xin Zhao, Tom Kocmi, Furu Wei | 2024-05-25T03:39:55Z | cs.CL | Most research about natural language generation (NLG) relies on evaluation
benchmarks with limited references for a sample, which may result in poor
correlations with human judgements. The underlying reason is that one semantic
meaning can actually be expressed in different forms, and the evaluation with a
single or few references may not accurately reflect the quality of the model's
hypotheses. To address this issue, this paper presents a simple and effective
method, named Div-Ref, to enhance existing evaluation benchmarks by enriching
the number of references. We leverage large language models (LLMs) to diversify
the expression of a single reference into multiple high-quality ones to cover
the semantic space of the reference sentence as much as possible. We conduct
comprehensive experiments to empirically demonstrate that diversifying the
expression of reference can significantly enhance the correlation between
automatic evaluation and human evaluation. This idea is compatible with recent
LLM-based evaluation which can similarly derive advantages from incorporating
multiple references. We strongly encourage future generation benchmarks to
include more references, even if they are generated by LLMs, which is once for
all. We release all the code and data at https://github.com/RUCAIBox/Div-Ref to
facilitate research. | cs.CL | Not All Metrics Are Guilty: Improving NLG Evaluation by Diversifying References |
2023-05-24T11:53:19Z | http://arxiv.org/pdf/2305.15066v2 | http://arxiv.org/abs/2305.15066v2 | Jiayan Guo, Lun Du, Hengyu Liu, Mengyu Zhou, Xinyi He, Shi Han | 2023-07-11T15:08:00Z | cs.AI, cs.CL | Large language models~(LLM) like ChatGPT have become indispensable to
artificial general intelligence~(AGI), demonstrating excellent performance in
various natural language processing tasks. In the real world, graph data is
ubiquitous and an essential part of AGI and prevails in domains like social
network analysis, bioinformatics and recommender systems. The training corpus
of large language models often includes some algorithmic components, which
allows them to achieve certain effects on some graph data-related problems.
However, there is still little research on their performance on a broader range
of graph-structured data. In this study, we conduct an extensive investigation
to assess the proficiency of LLMs in comprehending graph data, employing a
diverse range of structural and semantic-related tasks. Our analysis
encompasses 10 distinct tasks that evaluate the LLMs' capabilities in graph
understanding. Through our study, we not only uncover the current limitations
of language models in comprehending graph structures and performing associated
reasoning tasks but also emphasize the necessity for further advancements and
novel approaches to enhance their graph processing capabilities. Our findings
contribute valuable insights towards bridging the gap between language models
and graph understanding, paving the way for more effective graph mining and
knowledge extraction. | cs.AI | GPT4Graph: Can Large Language Models Understand Graph Structured Data ? An Empirical Evaluation and Benchmarking |
2023-05-24T11:52:55Z | http://arxiv.org/pdf/2305.15065v2 | http://arxiv.org/abs/2305.15065v2 | Ximing Lu, Faeze Brahman, Peter West, Jaehun Jang, Khyathi Chandu, Abhilasha Ravichander, Lianhui Qin, Prithviraj Ammanabrolu, Liwei Jiang, Sahana Ramnath, Nouha Dziri, Jillian Fisher, Bill Yuchen Lin, Skyler Hallinan, Xiang Ren, Sean Welleck, Yejin Choi | 2023-12-06T09:00:19Z | cs.CL | While extreme-scale language models have demonstrated exceptional performance
on a variety of language tasks, the degree of control over these language
models through pure prompting can often be limited. Directly fine-tuning such
language models can be effective for tailoring them, but it can be either
extremely costly (e.g., GPT-3) or not even feasible for the broader community
(e.g., GPT-4).
We propose Inference-time Policy Adapters (IPA), which efficiently tailors a
language model such as GPT-3 without fine-tuning it. IPA guides a large base
model during decoding time through a lightweight policy adapter trained to
optimize an arbitrary user objective with reinforcement learning.
On five challenging text generation tasks, such as toxicity reduction and
lexically constrained generation, IPA consistently brings significant
improvements over off-the-shelf language models. It outperforms competitive
baseline methods, sometimes even including expensive fine-tuning. In
particular, tailoring GPT-2 with IPA can outperform GPT-3, while tailoring
GPT-3 with IPA brings a major performance boost over GPT-3 (and sometimes even
over GPT-4). Our promising results highlight the potential of IPA as a
lightweight alternative to tailoring extreme-scale language models. | cs.CL | Inference-Time Policy Adapters (IPA): Tailoring Extreme-Scale LMs without Fine-tuning |
2023-05-24T11:52:23Z | http://arxiv.org/pdf/2305.15064v3 | http://arxiv.org/abs/2305.15064v3 | Siqi Ouyang, Lei Li | 2023-10-26T16:44:39Z | cs.CL | Recent large language models (LLMs) are promising for making decisions in
grounded environments. However, LLMs frequently fail in complex decision-making
tasks due to the misalignment between the pre-trained knowledge in LLMs and the
actual rules in the environment. Existing methods require either costly
gradient computation or lengthy in-context demonstrations. In this paper, we
propose AutoPlan, an approach to guide LLM-based agents to accomplish
interactive decision-making tasks. AutoPlan augments the LLM prompt with a
task-solving plan and optimizes it through iterative experience collection and
reflection. Our experiments show that AutoPlan, though using no in-context
demonstrations, achieves success rates on par with the baselines using
human-written demonstrations on ALFWorld and even outperforms them by 8% on
HotpotQA. The code is available at https://github.com/owaski/AutoPlan. | cs.CL | AutoPlan: Automatic Planning of Interactive Decision-Making Tasks With Large Language Models |
2023-05-24T11:52:07Z | http://arxiv.org/pdf/2305.15062v2 | http://arxiv.org/abs/2305.15062v2 | Quzhe Huang, Mingxu Tao, Chen Zhang, Zhenwei An, Cong Jiang, Zhibin Chen, Zirui Wu, Yansong Feng | 2023-10-14T02:14:51Z | cs.CL, cs.AI | Large Language Models (LLMs), like LLaMA, have exhibited remarkable
performance across various tasks. Nevertheless, when deployed to specific
domains such as law or medicine, the models still confront the challenge of a
deficiency in domain-specific knowledge and an inadequate capability to
leverage that knowledge to resolve domain-related problems. In this paper, we
propose a new framework to adapt LLMs to specific domains and build Lawyer
LLaMA, a legal domain LLM, based on this framework. Specifically, we inject
domain knowledge during the continual training stage and teach the model to
learn professional skills using properly designed supervised fine-tuning tasks.
Moreover, to alleviate the hallucination problem during the model's generation,
we add a retrieval module and extract relevant legal articles before the model
answers any queries. When learning domain-specific skills, we find that
experts' experience is much more useful than experiences distilled from
ChatGPT, where hundreds of expert-written data outperform tens of thousands of
ChatGPT-generated ones. We will release our model and data. | cs.CL | Lawyer LLaMA Technical Report |
2023-05-24T11:49:52Z | http://arxiv.org/pdf/2305.15060v4 | http://arxiv.org/abs/2305.15060v4 | Taehyun Lee, Seokhee Hong, Jaewoo Ahn, Ilgee Hong, Hwaran Lee, Sangdoo Yun, Jamin Shin, Gunhee Kim | 2024-07-03T15:09:52Z | cs.CL | Since the remarkable generation performance of large language models raised
ethical and legal concerns, approaches to detect machine-generated text by
embedding watermarks are being developed. However, we discover that the
existing works fail to function appropriately in code generation tasks due to
the task's nature of having low entropy. Extending a logit-modifying watermark
method, we propose Selective WatErmarking via Entropy Thresholding (SWEET),
which enhances detection ability and mitigates code quality degeneration by
removing low-entropy segments at generating and detecting watermarks. Our
experiments show that SWEET significantly improves code quality preservation
while outperforming all baselines, including post-hoc detection methods, in
detecting machine-generated code text. Our code is available in
https://github.com/hongcheki/sweet-watermark. | cs.CL | Who Wrote this Code? Watermarking for Code Generation |
2023-05-24T11:47:35Z | http://arxiv.org/pdf/2305.15057v2 | http://arxiv.org/abs/2305.15057v2 | Tianyu Liu, Afra Amini, Mrinmaya Sachan, Ryan Cotterell | 2023-12-12T08:46:11Z | cs.CL | Tasks that model the relation between pairs of tokens in a string are a vital
part of understanding natural language. Such tasks, in general, require
exhaustive pair-wise comparisons of tokens, thus having a quadratic runtime
complexity in the length of the string. We show that these exhaustive
comparisons can be avoided, and, moreover, the complexity of such tasks can be
reduced to linear by casting the relation between tokens as a partial order
over the string. Our method predicts real numbers for each token in a string in
parallel and sorts the tokens accordingly, resulting in total orders of the
tokens in the string. Each total order implies a set of arcs oriented from
smaller to greater tokens, sorted by their predicted numbers. The intersection
of total orders results in a partial order over the set of tokens in the
string, which is then decoded into a directed graph representing the desired
linguistic structure. Our experiments on dependency parsing and coreference
resolution show that our method achieves state-of-the-art or comparable
performance. Moreover, the linear complexity and parallelism of our method
double the speed of graph-based coreference resolution models, and bring a
10-times speed-up over graph-based dependency parsers. | cs.CL | Linear-Time Modeling of Linguistic Structure: An Order-Theoretic Perspective |
2023-05-24T11:45:59Z | http://arxiv.org/pdf/2305.15056v1 | http://arxiv.org/abs/2305.15056v1 | Jiajie Zhang, Shulin Cao, Tingjia Zhang, Xin Lv, Jiaxin Shi, Qi Tian, Juanzi Li, Lei Hou | 2023-05-24T11:45:59Z | cs.CL | Explainable question answering (XQA) aims to answer a given question and
provide an explanation why the answer is selected. Existing XQA methods focus
on reasoning on a single knowledge source, e.g., structured knowledge bases,
unstructured corpora, etc. However, integrating information from heterogeneous
knowledge sources is essential to answer complex questions. In this paper, we
propose to leverage question decomposing for heterogeneous knowledge
integration, by breaking down a complex question into simpler ones, and
selecting the appropriate knowledge source for each sub-question. To facilitate
reasoning, we propose a novel two-stage XQA framework, Reasoning over
Hierarchical Question Decomposition Tree (RoHT). First, we build the
Hierarchical Question Decomposition Tree (HQDT) to understand the semantics of
a complex question; then, we conduct probabilistic reasoning over HQDT from
root to leaves recursively, to aggregate heterogeneous knowledge at different
tree levels and search for a best solution considering the decomposing and
answering probabilities. The experiments on complex QA datasets KQA Pro and
Musique show that our framework outperforms SOTA methods significantly,
demonstrating the effectiveness of leveraging question decomposing for
knowledge integration and our RoHT framework. | cs.CL | Reasoning over Hierarchical Question Decomposition Tree for Explainable Question Answering |
2023-05-24T11:43:47Z | http://arxiv.org/pdf/2305.15054v2 | http://arxiv.org/abs/2305.15054v2 | Alessandro Stolfo, Yonatan Belinkov, Mrinmaya Sachan | 2023-10-20T12:13:27Z | cs.CL, cs.LG | Mathematical reasoning in large language models (LMs) has garnered
significant attention in recent work, but there is a limited understanding of
how these models process and store information related to arithmetic tasks
within their architecture. In order to improve our understanding of this aspect
of language models, we present a mechanistic interpretation of
Transformer-based LMs on arithmetic questions using a causal mediation analysis
framework. By intervening on the activations of specific model components and
measuring the resulting changes in predicted probabilities, we identify the
subset of parameters responsible for specific predictions. This provides
insights into how information related to arithmetic is processed by LMs. Our
experimental results indicate that LMs process the input by transmitting the
information relevant to the query from mid-sequence early layers to the final
token using the attention mechanism. Then, this information is processed by a
set of MLP modules, which generate result-related information that is
incorporated into the residual stream. To assess the specificity of the
observed activation dynamics, we compare the effects of different model
components on arithmetic queries with other tasks, including number retrieval
from prompts and factual knowledge questions. | cs.CL | A Mechanistic Interpretation of Arithmetic Reasoning in Language Models using Causal Mediation Analysis |
2023-05-24T11:43:40Z | http://arxiv.org/pdf/2305.15053v1 | http://arxiv.org/abs/2305.15053v1 | Kevin Lin, Kyle Lo, Joseph E. Gonzalez, Dan Klein | 2023-05-24T11:43:40Z | cs.CL, cs.IR | When re-finding items, users who forget or are uncertain about identifying
details often rely on creative strategies for expressing their information
needs -- complex queries that describe content elements (e.g., book characters
or events), information beyond the document text (e.g., descriptions of book
covers), or personal context (e.g., when they read a book). This retrieval
setting, called tip of the tongue (TOT), is especially challenging for models
heavily reliant on lexical and semantic overlap between query and document
text. In this work, we introduce a simple yet effective framework for handling
such complex queries by decomposing the query into individual clues, routing
those as sub-queries to specialized retrievers, and ensembling the results.
This approach allows us to take advantage of off-the-shelf retrievers (e.g.,
CLIP for retrieving images of book covers) or incorporate retriever-specific
logic (e.g., date constraints). We show that our framework incorportating query
decompositions into retrievers can improve gold book recall up to 7% relative
again for Recall@5 on a new collection of 14,441 real-world query-book pairs
from an online community for resolving TOT inquiries. | cs.CL | Decomposing Complex Queries for Tip-of-the-tongue Retrieval |
2023-05-24T11:41:33Z | http://arxiv.org/pdf/2305.15051v2 | http://arxiv.org/abs/2305.15051v2 | Erica Cai, Brendan O'Connor | 2024-06-02T19:17:34Z | cs.CL | Current social science efforts automatically populate event databases of "who
did what to whom?" tuples, by applying event extraction (EE) to text such as
news. The event databases are used to analyze sociopolitical dynamics between
actor pairs (dyads) in, e.g., international relations. While most EE methods
heavily rely on rules or supervised learning, \emph{zero-shot} event extraction
could potentially allow researchers to flexibly specify arbitrary event classes
for new research questions. Unfortunately, we find that current zero-shot EE
methods, as well as a naive zero-shot approach of simple generative language
model (LM) prompting, perform poorly for dyadic event extraction; most suffer
from word sense ambiguity, modality sensitivity, and computational
inefficiency. We address these challenges with a new fine-grained, multi-stage
instruction-following generative LM pipeline, proposing a Monte Carlo approach
to deal with, and even take advantage of, nondeterminism of generative outputs.
Our pipeline includes explicit stages of linguistic analysis (synonym
generation, contextual disambiguation, argument realization, event modality),
\textit{improving control and interpretability} compared to purely neural
methods. This method outperforms other zero-shot EE approaches, and outperforms
naive applications of generative LMs by at least 17 F1 percent points. The
pipeline's filtering mechanism greatly improves computational efficiency,
allowing it to perform as few as 12% of queries that a previous zero-shot
method uses. Finally, we demonstrate our pipeline's application to dyadic
international relations analysis. | cs.CL | A Monte Carlo Language Model Pipeline for Zero-Shot Sociopolitical Event Extraction |
2023-05-24T11:38:39Z | http://arxiv.org/pdf/2305.15048v1 | http://arxiv.org/abs/2305.15048v1 | Mete Sertkan, Sophia Althammer, Sebastian Hofstätter | 2023-05-24T11:38:39Z | cs.CL, cs.IR | In this paper, we introduce Ranger - a toolkit to facilitate the easy use of
effect-size-based meta-analysis for multi-task evaluation in NLP and IR. We
observed that our communities often face the challenge of aggregating results
over incomparable metrics and scenarios, which makes conclusions and take-away
messages less reliable. With Ranger, we aim to address this issue by providing
a task-agnostic toolkit that combines the effect of a treatment on multiple
tasks into one statistical evaluation, allowing for comparison of metrics and
computation of an overall summary effect. Our toolkit produces
publication-ready forest plots that enable clear communication of evaluation
results over multiple tasks. Our goal with the ready-to-use Ranger toolkit is
to promote robust, effect-size-based evaluation and improve evaluation
standards in the community. We provide two case studies for common IR and NLP
settings to highlight Ranger's benefits. | cs.CL | Ranger: A Toolkit for Effect-Size Based Multi-Task Evaluation |
2023-05-24T11:37:10Z | http://arxiv.org/pdf/2305.15047v3 | http://arxiv.org/abs/2305.15047v3 | Vivek Verma, Eve Fleisig, Nicholas Tomlin, Dan Klein | 2024-04-05T23:57:35Z | cs.CL, cs.AI | We introduce Ghostbuster, a state-of-the-art system for detecting
AI-generated text. Our method works by passing documents through a series of
weaker language models, running a structured search over possible combinations
of their features, and then training a classifier on the selected features to
predict whether documents are AI-generated. Crucially, Ghostbuster does not
require access to token probabilities from the target model, making it useful
for detecting text generated by black-box models or unknown model versions. In
conjunction with our model, we release three new datasets of human- and
AI-generated text as detection benchmarks in the domains of student essays,
creative writing, and news articles. We compare Ghostbuster to a variety of
existing detectors, including DetectGPT and GPTZero, as well as a new RoBERTa
baseline. Ghostbuster achieves 99.0 F1 when evaluated across domains, which is
5.9 F1 higher than the best preexisting model. It also outperforms all previous
approaches in generalization across writing domains (+7.5 F1), prompting
strategies (+2.1 F1), and language models (+4.4 F1). We also analyze the
robustness of our system to a variety of perturbations and paraphrasing attacks
and evaluate its performance on documents written by non-native English
speakers. | cs.CL | Ghostbuster: Detecting Text Ghostwritten by Large Language Models |
2023-05-24T11:35:31Z | http://arxiv.org/pdf/2305.15045v1 | http://arxiv.org/abs/2305.15045v1 | Xiyan Fu, Anette Frank | 2023-05-24T11:35:31Z | cs.CL | We propose SETI (Systematicity Evaluation of Textual Inference), a novel and
comprehensive benchmark designed for evaluating pre-trained language models
(PLMs) for their systematicity capabilities in the domain of textual inference.
Specifically, SETI offers three different NLI tasks and corresponding datasets
to evaluate various types of systematicity in reasoning processes. In order to
solve these tasks, models are required to perform compositional inference based
on known primitive constituents. We conduct experiments of SETI on six widely
used PLMs. Results show that various PLMs are able to solve unseen
compositional inferences when having encountered the knowledge of how to
combine primitives, with good performance. However, they are considerably
limited when this knowledge is unknown to the model (40-100% points decrease).
Furthermore, we find that PLMs can improve drastically once exposed to crucial
compositional knowledge in minimalistic shots. These findings position SETI as
the first benchmark for measuring the future progress of PLMs in achieving
systematicity generalization in the textual inference. | cs.CL | SETI: Systematicity Evaluation of Textual Inference |
2023-05-24T11:34:39Z | http://arxiv.org/pdf/2305.15044v1 | http://arxiv.org/abs/2305.15044v1 | Xiao Pu, Mingqi Gao, Xiaojun Wan | 2023-05-24T11:34:39Z | cs.CL | Research on automated text summarization relies heavily on human and
automatic evaluation. While recent work on human evaluation mainly adopted
intrinsic evaluation methods, judging the generic quality of text summaries,
e.g. informativeness and coherence, our work focuses on evaluating the
usefulness of text summaries with extrinsic methods. We carefully design three
different downstream tasks for extrinsic human evaluation of summaries, i.e.,
question answering, text classification and text similarity assessment. We
carry out experiments using system rankings and user behavior data to evaluate
the performance of different summarization models. We find summaries are
particularly useful in tasks that rely on an overall judgment of the text,
while being less effective for question answering tasks. The results show that
summaries generated by fine-tuned models lead to higher consistency in
usefulness across all three tasks, as rankings of fine-tuned summarization
systems are close across downstream tasks according to the proposed extrinsic
metrics. Summaries generated by models in the zero-shot setting, however, are
found to be biased towards the text classification and similarity assessment
tasks, due to its general and less detailed summary style. We further evaluate
the correlation of 14 intrinsic automatic metrics with human criteria and show
that intrinsic automatic metrics perform well in evaluating the usefulness of
summaries in the question-answering task, but are less effective in the other
two tasks. This highlights the limitations of relying solely on intrinsic
automatic metrics in evaluating the performance and usefulness of summaries. | cs.CL | Is Summary Useful or Not? An Extrinsic Human Evaluation of Text Summaries on Downstream Tasks |
2023-05-24T11:27:59Z | http://arxiv.org/pdf/2305.15041v1 | http://arxiv.org/abs/2305.15041v1 | Veniamin Veselovsky, Manoel Horta Ribeiro, Akhil Arora, Martin Josifoski, Ashton Anderson, Robert West | 2023-05-24T11:27:59Z | cs.CL | Large Language Models (LLMs) have democratized synthetic data generation,
which in turn has the potential to simplify and broaden a wide gamut of NLP
tasks. Here, we tackle a pervasive problem in synthetic data generation: its
generative distribution often differs from the distribution of real-world data
researchers care about (in other words, it is unfaithful). In a case study on
sarcasm detection, we study three strategies to increase the faithfulness of
synthetic data: grounding, filtering, and taxonomy-based generation. We
evaluate these strategies using the performance of classifiers trained with
generated synthetic data on real-world data. While all three strategies improve
the performance of classifiers, we find that grounding works best for the task
at hand. As synthetic data generation plays an ever-increasing role in NLP
research, we expect this work to be a stepping stone in improving its utility.
We conclude this paper with some recommendations on how to generate
high(er)-fidelity synthetic data for specific tasks. | cs.CL | Generating Faithful Synthetic Data with Large Language Models: A Case Study in Computational Social Science |
2023-05-24T11:27:53Z | http://arxiv.org/pdf/2305.15040v2 | http://arxiv.org/abs/2305.15040v2 | Yotam Perlitz, Ariel Gera, Michal Shmueli-Scheuer, Dafna Sheinwald, Noam Slonim, Liat Ein-Dor | 2023-10-17T14:37:10Z | cs.CL | The field of Natural Language Generation (NLG) suffers from a severe shortage
of labeled data due to the extremely expensive and time-consuming process
involved in manual annotation. A natural approach for coping with this problem
is active learning (AL), a well-known machine learning technique for improving
annotation efficiency by selectively choosing the most informative examples to
label. However, while AL has been well-researched in the context of text
classification, its application to NLG remains largely unexplored. In this
paper, we present a first systematic study of active learning for NLG,
considering a diverse set of tasks and multiple leading selection strategies,
and harnessing a strong instruction-tuned model. Our results indicate that the
performance of existing AL strategies is inconsistent, surpassing the baseline
of random example selection in some cases but not in others. We highlight some
notable differences between the classification and generation scenarios, and
analyze the selection behaviors of existing AL strategies. Our findings
motivate exploring novel approaches for applying AL to generation tasks. | cs.CL | Active Learning for Natural Language Generation |
2023-05-24T11:26:59Z | http://arxiv.org/pdf/2305.15038v2 | http://arxiv.org/abs/2305.15038v2 | Liying Cheng, Xingxuan Li, Lidong Bing | 2023-10-23T02:10:58Z | cs.CL | As large language models (LLMs) have demonstrated their powerful capabilities
in plenty of domains and tasks, including context understanding, code
generation, language generation, data storytelling, etc., many data analysts
may raise concerns if their jobs will be replaced by artificial intelligence
(AI). This controversial topic has drawn great attention in public. However, we
are still at a stage of divergent opinions without any definitive conclusion.
Motivated by this, we raise the research question of "is GPT-4 a good data
analyst?" in this work and aim to answer it by conducting head-to-head
comparative studies. In detail, we regard GPT-4 as a data analyst to perform
end-to-end data analysis with databases from a wide range of domains. We
propose a framework to tackle the problems by carefully designing the prompts
for GPT-4 to conduct experiments. We also design several task-specific
evaluation metrics to systematically compare the performance between several
professional human data analysts and GPT-4. Experimental results show that
GPT-4 can achieve comparable performance to humans. We also provide in-depth
discussions about our results to shed light on further studies before reaching
the conclusion that GPT-4 can replace data analysts. | cs.CL | Is GPT-4 a Good Data Analyst? |
2023-05-24T11:22:34Z | http://arxiv.org/pdf/2305.15035v2 | http://arxiv.org/abs/2305.15035v2 | Wei-Lin Chen, Cheng-Kuang Wu, Yun-Nung Chen, Hsin-Hsi Chen | 2023-10-23T14:50:57Z | cs.CL | Large language models (LLMs) have exhibited striking in-context learning
(ICL) ability to adapt to target tasks with a few input-output demonstrations.
For better ICL, different methods are proposed to select representative
demonstrations from existing training corpora. However, such settings are not
aligned with real-world practices, as end-users usually query LMs without
access to demonstration pools. In this work, we introduce Self-ICL -- a simple
framework which bootstraps LMs' intrinsic capabilities to perform zero-shot
ICL. Given a test input, Self-ICL first prompts the model to generate
pseudo-inputs. Next, the model predicts pseudo-labels for the pseudo-inputs via
zero-shot prompting. Finally, we perform ICL for the test input with the
pseudo-input-label pairs as demonstrations. Evaluation on 23 BIG-Bench Hard
tasks shows Self-ICL outperforms zero-shot baselines on both average accuracy
and head-to-head comparison. Moreover, with zero-shot chain-of-thought,
Self-ICL achieves results comparable to using real demonstrations.
Additionally, we conduct a range of analyses to validate Self-ICL's
effectiveness and provide insights for its behaviors under different settings. | cs.CL | Self-ICL: Zero-Shot In-Context Learning with Self-Generated Demonstrations |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.