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-07-01T20:54:01Z | http://arxiv.org/pdf/2307.04761v1 | http://arxiv.org/abs/2307.04761v1 | Yi-Ling Chung, Gavin Abercrombie, Florence Enock, Jonathan Bright, Verena Rieser | 2023-07-01T20:54:01Z | cs.CL, cs.AI, cs.CY | Counterspeech offers direct rebuttals to hateful speech by challenging
perpetrators of hate and showing support to targets of abuse. It provides a
promising alternative to more contentious measures, such as content moderation
and deplatforming, by contributing a greater amount of positive online speech
rather than attempting to mitigate harmful content through removal. Advances in
the development of large language models mean that the process of producing
counterspeech could be made more efficient by automating its generation, which
would enable large-scale online campaigns. However, we currently lack a
systematic understanding of several important factors relating to the efficacy
of counterspeech for hate mitigation, such as which types of counterspeech are
most effective, what are the optimal conditions for implementation, and which
specific effects of hate it can best ameliorate. This paper aims to fill this
gap by systematically reviewing counterspeech research in the social sciences
and comparing methodologies and findings with computer science efforts in
automatic counterspeech generation. By taking this multi-disciplinary view, we
identify promising future directions in both fields. | cs.CL | Understanding Counterspeech for Online Harm Mitigation |
2023-07-01T16:47:36Z | http://arxiv.org/pdf/2307.00382v1 | http://arxiv.org/abs/2307.00382v1 | Pin-Jie Lin, Muhammed Saeed, Ernie Chang, Merel Scholman | 2023-07-01T16:47:36Z | cs.CL | Developing effective spoken language processing systems for low-resource
languages poses several challenges due to the lack of parallel data and limited
resources for fine-tuning models. In this work, we target on improving upon
both text classification and translation of Nigerian Pidgin (Naija) by
collecting a large-scale parallel English-Pidgin corpus and further propose a
framework of cross-lingual adaptive training that includes both continual and
task adaptive training so as to adapt a base pre-trained model to low-resource
languages. Our studies show that English pre-trained language models serve as a
stronger prior than multilingual language models on English-Pidgin tasks with
up to 2.38 BLEU improvements; and demonstrate that augmenting orthographic data
and using task adaptive training with back-translation can have a significant
impact on model performance. | cs.CL | Low-Resource Cross-Lingual Adaptive Training for Nigerian Pidgin |
2023-07-01T16:42:39Z | http://arxiv.org/pdf/2307.00381v1 | http://arxiv.org/abs/2307.00381v1 | Wojciech Kusa, Óscar E. Mendoza, Petr Knoth, Gabriella Pasi, Allan Hanbury | 2023-07-01T16:42:39Z | cs.IR, cs.CL | Clinical trials (CTs) often fail due to inadequate patient recruitment. This
paper tackles the challenges of CT retrieval by presenting an approach that
addresses the patient-to-trials paradigm. Our approach involves two key
components in a pipeline-based model: (i) a data enrichment technique for
enhancing both queries and documents during the first retrieval stage, and (ii)
a novel re-ranking schema that uses a Transformer network in a setup adapted to
this task by leveraging the structure of the CT documents. We use named entity
recognition and negation detection in both patient description and the
eligibility section of CTs. We further classify patient descriptions and CT
eligibility criteria into current, past, and family medical conditions. This
extracted information is used to boost the importance of disease and drug
mentions in both query and index for lexical retrieval. Furthermore, we propose
a two-step training schema for the Transformer network used to re-rank the
results from the lexical retrieval. The first step focuses on matching patient
information with the descriptive sections of trials, while the second step aims
to determine eligibility by matching patient information with the criteria
section. Our findings indicate that the inclusion criteria section of the CT
has a great influence on the relevance score in lexical models, and that the
enrichment techniques for queries and documents improve the retrieval of
relevant trials. The re-ranking strategy, based on our training schema,
consistently enhances CT retrieval and shows improved performance by 15\% in
terms of precision at retrieving eligible trials. The results of our
experiments suggest the benefit of making use of extracted entities. Moreover,
our proposed re-ranking schema shows promising effectiveness compared to larger
neural models, even with limited training data. | cs.IR | Effective Matching of Patients to Clinical Trials using Entity Extraction and Neural Re-ranking |
2023-07-01T16:08:52Z | http://arxiv.org/pdf/2307.00374v1 | http://arxiv.org/abs/2307.00374v1 | Ernie Chang, Muhammad Hassan Rashid, Pin-Jie Lin, Changsheng Zhao, Vera Demberg, Yangyang Shi, Vikas Chandra | 2023-07-01T16:08:52Z | cs.CL | Knowing exactly how many data points need to be labeled to achieve a certain
model performance is a hugely beneficial step towards reducing the overall
budgets for annotation. It pertains to both active learning and traditional
data annotation, and is particularly beneficial for low resource scenarios.
Nevertheless, it remains a largely under-explored area of research in NLP. We
therefore explored various techniques for estimating the training sample size
necessary to achieve a targeted performance value. We derived a simple yet
effective approach to predict the maximum achievable model performance based on
small amount of training samples - which serves as an early indicator during
data annotation for data quality and sample size determination. We performed
ablation studies on four language understanding tasks, and showed that the
proposed approach allows us to forecast model performance within a small margin
of mean absolute error (~ 0.9%) with only 10% data. | cs.CL | Revisiting Sample Size Determination in Natural Language Understanding |
2023-07-01T15:44:53Z | http://arxiv.org/pdf/2307.00370v2 | http://arxiv.org/abs/2307.00370v2 | Jiong Cai, Yong Jiang, Yue Zhang, Chengyue Jiang, Ke Yu, Jianhui Ji, Rong Xiao, Haihong Tang, Tao Wang, Zhongqiang Huang, Pengjun Xie, Fei Huang, Kewei Tu | 2023-07-19T06:55:04Z | cs.IR, cs.CL | Discovering the intended items of user queries from a massive repository of
items is one of the main goals of an e-commerce search system. Relevance
prediction is essential to the search system since it helps improve
performance. When online serving a relevance model, the model is required to
perform fast and accurate inference. Currently, the widely used models such as
Bi-encoder and Cross-encoder have their limitations in accuracy or inference
speed respectively. In this work, we propose a novel model called the
Entity-Based Relevance Model (EBRM). We identify the entities contained in an
item and decompose the QI (query-item) relevance problem into multiple QE
(query-entity) relevance problems; we then aggregate their results to form the
QI prediction using a soft logic formulation. The decomposition allows us to
use a Cross-encoder QE relevance module for high accuracy as well as cache QE
predictions for fast online inference. Utilizing soft logic makes the
prediction procedure interpretable and intervenable. We also show that
pretraining the QE module with auto-generated QE data from user logs can
further improve the overall performance. The proposed method is evaluated on
labeled data from e-commerce websites. Empirical results show that it achieves
promising improvements with computation efficiency. | cs.IR | Improving Text Matching in E-Commerce Search with A Rationalizable, Intervenable and Fast Entity-Based Relevance Model |
2023-07-01T15:41:12Z | http://arxiv.org/pdf/2307.07518v1 | http://arxiv.org/abs/2307.07518v1 | Lei Ma, Jincong Han, Zhaoxin Wang, Dian Zhang | 2023-07-01T15:41:12Z | cs.AI, cs.CL, cs.CV, eess.IV | Large-scale multimodal language models (LMMs) have achieved remarkable
success in general domains. However, the exploration of diagnostic language
models based on multimodal cephalometric medical data remains limited. In this
paper, we propose a novel multimodal cephalometric analysis and diagnostic
dialogue model. Firstly, a multimodal orthodontic medical dataset is
constructed, comprising cephalometric images and doctor-patient dialogue data,
with automatic analysis of cephalometric landmarks using U-net and generation
of diagnostic reports. Then, the cephalometric dataset and generated diagnostic
reports are separately fine-tuned on Minigpt-4 and VisualGLM. Results
demonstrate that the CephGPT-4 model exhibits excellent performance and has the
potential to revolutionize orthodontic measurement and diagnostic applications.
These innovations hold revolutionary application potential in the field of
orthodontics. | cs.AI | CephGPT-4: An Interactive Multimodal Cephalometric Measurement and Diagnostic System with Visual Large Language Model |
2023-07-01T15:10:01Z | http://arxiv.org/pdf/2307.00360v2 | http://arxiv.org/abs/2307.00360v2 | Zuchao Li, Shitou Zhang, Hai Zhao, Yifei Yang, Dongjie Yang | 2023-08-15T13:59:42Z | cs.CL | BatGPT is a large-scale language model designed and trained jointly by Wuhan
University and Shanghai Jiao Tong University. It is capable of generating
highly natural and fluent text in response to various types of input, including
text prompts, images, and audio. In the modeling level, we employ a
bidirectional autoregressive architecture that allows the model to efficiently
capture the complex dependencies of natural language, making it highly
effective in tasks such as language generation, dialog systems, and question
answering. Moreover, the bidirectional autoregressive modeling not only
operates from left to right but also from right to left, effectively reducing
fixed memory effects and alleviating model hallucinations.
In the training aspect, we propose a novel parameter expansion method for
leveraging the pre-training of smaller models and employ reinforcement learning
from both AI and human feedback, aimed at improving the model's alignment
performance. Overall, these approaches significantly improve the effectiveness
of BatGPT, and the model can be utilized for a wide range of natural language
applications. | cs.CL | BatGPT: A Bidirectional Autoregessive Talker from Generative Pre-trained Transformer |
2023-07-01T13:45:15Z | http://arxiv.org/pdf/2307.00342v1 | http://arxiv.org/abs/2307.00342v1 | Wenzheng Zhang, Chenyan Xiong, Karl Stratos, Arnold Overwijk | 2023-07-01T13:45:15Z | cs.CL, cs.IR | In multitask retrieval, a single retriever is trained to retrieve relevant
contexts for multiple tasks. Despite its practical appeal, naive multitask
retrieval lags behind task-specific retrieval in which a separate retriever is
trained for each task. We show that it is possible to train a multitask
retriever that outperforms task-specific retrievers by promoting task
specialization. The main ingredients are: (1) a better choice of pretrained
model (one that is explicitly optimized for multitasking) along with compatible
prompting, and (2) a novel adaptive learning method that encourages each
parameter to specialize in a particular task. The resulting multitask retriever
is highly performant on the KILT benchmark. Upon analysis, we find that the
model indeed learns parameters that are more task-specialized compared to naive
multitasking without prompting or adaptive learning. | cs.CL | Improving Multitask Retrieval by Promoting Task Specialization |
2023-07-01T13:15:09Z | http://arxiv.org/pdf/2307.00335v1 | http://arxiv.org/abs/2307.00335v1 | Gowtham Ramesh, Makesh Sreedhar, Junjie Hu | 2023-07-01T13:15:09Z | cs.CL, cs.LG | Recent generative approaches for multi-hop question answering (QA) utilize
the fusion-in-decoder method~\cite{izacard-grave-2021-leveraging} to generate a
single sequence output which includes both a final answer and a reasoning path
taken to arrive at that answer, such as passage titles and key facts from those
passages. While such models can lead to better interpretability and high
quantitative scores, they often have difficulty accurately identifying the
passages corresponding to key entities in the context, resulting in incorrect
passage hops and a lack of faithfulness in the reasoning path. To address this,
we propose a single-sequence prediction method over a local reasoning graph
(\model)\footnote{Code/Models will be released at
\url{https://github.com/gowtham1997/SeqGraph}} that integrates a graph
structure connecting key entities in each context passage to relevant
subsequent passages for each question. We use a graph neural network to encode
this graph structure and fuse the resulting representations into the entity
representations of the model. Our experiments show significant improvements in
answer exact-match/F1 scores and faithfulness of grounding in the reasoning
path on the HotpotQA dataset and achieve state-of-the-art numbers on the
Musique dataset with only up to a 4\% increase in model parameters. | cs.CL | Single Sequence Prediction over Reasoning Graphs for Multi-hop QA |
2023-07-01T09:18:24Z | http://arxiv.org/pdf/2307.00279v2 | http://arxiv.org/abs/2307.00279v2 | Beatriz Borges, Niket Tandon, Tanja Käser, Antoine Bosselut | 2024-06-18T16:55:12Z | cs.CL | Natural Language Feedback (NLF) is an increasingly popular mechanism for
aligning Large Language Models (LLMs) to human preferences. Despite the
diversity of the information it can convey, NLF methods are often hand-designed
and arbitrary, with little systematic grounding. At the same time, research in
learning sciences has long established several effective feedback models. In
this opinion piece, we compile ideas from pedagogy to introduce FELT, a
feedback framework for LLMs that outlines various characteristics of the
feedback space, and a feedback content taxonomy based on these variables,
providing a general mapping of the feedback space. In addition to streamlining
NLF designs, FELT also brings out new, unexplored directions for research in
NLF. We make our taxonomy available to the community, providing guides and
examples for mapping our categorizations to future research. | cs.CL | Let Me Teach You: Pedagogical Foundations of Feedback for Language Models |
2023-07-01T08:16:00Z | http://arxiv.org/pdf/2307.00266v1 | http://arxiv.org/abs/2307.00266v1 | Bryan Cai, Sihang Zeng, Yucong Lin, Zheng Yuan, Doudou Zhou, Lu Tian | 2023-07-01T08:16:00Z | cs.CL, cs.AI | Electronic health records (EHR) contain narrative notes that provide
extensive details on the medical condition and management of patients. Natural
language processing (NLP) of clinical notes can use observed frequencies of
clinical terms as predictive features for downstream applications such as
clinical decision making and patient trajectory prediction. However, due to the
vast number of highly similar and related clinical concepts, a more effective
modeling strategy is to represent clinical terms as semantic embeddings via
representation learning and use the low dimensional embeddings as feature
vectors for predictive modeling. To achieve efficient representation,
fine-tuning pretrained language models with biomedical knowledge graphs may
generate better embeddings for biomedical terms than those from standard
language models alone. These embeddings can effectively discriminate synonymous
pairs of from those that are unrelated. However, they often fail to capture
different degrees of similarity or relatedness for concepts that are
hierarchical in nature. To overcome this limitation, we propose HiPrBERT, a
novel biomedical term representation model trained on additionally complied
data that contains hierarchical structures for various biomedical terms. We
modify an existing contrastive loss function to extract information from these
hierarchies. Our numerical experiments demonstrate that HiPrBERT effectively
learns the pair-wise distance from hierarchical information, resulting in a
substantially more informative embeddings for further biomedical applications | cs.CL | Hierarchical Pretraining for Biomedical Term Embeddings |
2023-07-01T07:45:38Z | http://arxiv.org/pdf/2307.00259v2 | http://arxiv.org/abs/2307.00259v2 | Anirudh Ajith, Chris Pan, Mengzhou Xia, Ameet Deshpande, Karthik Narasimhan | 2023-07-16T10:14:44Z | cs.CL, cs.AI | In-context learning (ICL) performs tasks by prompting a large language model
(LLM) using an instruction and a small set of annotated examples called
demonstrations. Recent work has shown that precise details of the inputs used
in the ICL prompt significantly impact performance, which has incentivized
instruction selection algorithms. The effect of instruction-choice however is
severely underexplored, with existing analyses restricted to shallow subsets of
models and tasks, limiting the generalizability of their insights. We develop
InstructEval, an ICL evaluation suite to conduct a thorough assessment of these
techniques. The suite includes 13 open-sourced LLMs of varying scales from four
model families, and covers nine tasks across three categories. Using the suite,
we evaluate the relative performance of seven popular instruction selection
methods over five metrics relevant to ICL. Our experiments reveal that using
curated manually-written instructions or simple instructions without any
task-specific descriptions often elicits superior ICL performance overall than
that of automatic instruction-induction methods, pointing to a lack of
generalizability among the latter. We release our evaluation suite for
benchmarking instruction selection approaches and enabling more generalizable
methods in this space. | cs.CL | InstructEval: Systematic Evaluation of Instruction Selection Methods |
2023-07-01T05:08:44Z | http://arxiv.org/pdf/2307.01216v1 | http://arxiv.org/abs/2307.01216v1 | Yutian Sun, Hai Zhuge | 2023-07-01T05:08:44Z | cs.CL | The difficulties of automatic extraction of definitions and methods from
scientific documents lie in two aspects: (1) the complexity and diversity of
natural language texts, which requests an analysis method to support the
discovery of pattern; and, (2) a complete definition or method represented by a
scientific paper is usually distributed within text, therefore an effective
approach should not only extract single sentence definitions and methods but
also integrate the sentences to obtain a complete definition or method. This
paper proposes an analysis method for discovering patterns of definition and
method and uses the method to discover patterns of definition and method.
Completeness of the patterns at the semantic level is guaranteed by a complete
set of semantic relations that identify definitions and methods respectively.
The completeness of the patterns at the syntactic and lexical levels is
guaranteed by syntactic and lexical constraints. Experiments on the self-built
dataset and two public definition datasets show that the discovered patterns
are effective. The patterns can be used to extract definitions and methods from
scientific documents and can be tailored or extended to suit other
applications. | cs.CL | Discovering Patterns of Definitions and Methods from Scientific Documents |
2023-07-01T03:23:56Z | http://arxiv.org/pdf/2307.00209v3 | http://arxiv.org/abs/2307.00209v3 | Huixuan Zhang, Xiaojun Wan | 2024-03-09T02:30:11Z | cs.CV, cs.AI, cs.CL | Hyperbole, or exaggeration, is a common linguistic phenomenon. The detection
of hyperbole is an important part of understanding human expression. There have
been several studies on hyperbole detection, but most of which focus on text
modality only. However, with the development of social media, people can create
hyperbolic expressions with various modalities, including text, images, videos,
etc. In this paper, we focus on multimodal hyperbole detection. We create a
multimodal detection dataset from Weibo (a Chinese social media) and carry out
some studies on it. We treat the text and image from a piece of weibo as two
modalities and explore the role of text and image for hyperbole detection.
Different pre-trained multimodal encoders are also evaluated on this downstream
task to show their performance. Besides, since this dataset is constructed from
five different topics, we also evaluate the cross-domain performance of
different models. These studies can serve as a benchmark and point out the
direction of further study on multimodal hyperbole detection. | cs.CV | Image Matters: A New Dataset and Empirical Study for Multimodal Hyperbole Detection |
2023-07-01T02:26:34Z | http://arxiv.org/pdf/2307.01214v1 | http://arxiv.org/abs/2307.01214v1 | Rui Song, Fausto Giunchiglia, Yingji Li, Hao Xu | 2023-07-01T02:26:34Z | cs.CL, cs.AI | Despite large-scale pre-trained language models have achieved striking
results for text classificaion, recent work has raised concerns about the
challenge of shortcut learning. In general, a keyword is regarded as a shortcut
if it creates a superficial association with the label, resulting in a false
prediction. Conversely, shortcut learning can be mitigated if the model relies
on robust causal features that help produce sound predictions. To this end,
many studies have explored post-hoc interpretable methods to mine shortcuts and
causal features for robustness and generalization. However, most existing
methods focus only on single word in a sentence and lack consideration of
word-group, leading to wrong causal features. To solve this problem, we propose
a new Word-Group mining approach, which captures the causal effect of any
keyword combination and orders the combinations that most affect the
prediction. Our approach bases on effective post-hoc analysis and beam search,
which ensures the mining effect and reduces the complexity. Then, we build a
counterfactual augmentation method based on the multiple word-groups, and use
an adaptive voting mechanism to learn the influence of different augmentated
samples on the prediction results, so as to force the model to pay attention to
effective causal features. We demonstrate the effectiveness of the proposed
method by several tasks on 8 affective review datasets and 4 toxic language
datasets, including cross-domain text classificaion, text attack and gender
fairness test. | cs.CL | Automatic Counterfactual Augmentation for Robust Text Classification Based on Word-Group Search |
2023-07-01T01:18:09Z | http://arxiv.org/pdf/2307.00186v2 | http://arxiv.org/abs/2307.00186v2 | Mingchen Li, Rui Zhang | 2024-05-05T16:58:53Z | cs.CL | Recent advancements in language models (LMs) have led to the emergence of
powerful models such as Small LMs (e.g., T5) and Large LMs (e.g., GPT-4). These
models have demonstrated exceptional capabilities across a wide range of tasks,
such as name entity recognition (NER) in the general domain. (We define SLMs as
pre-trained models with fewer parameters compared to models like GPT-3/3.5/4,
such as T5, BERT, and others.) Nevertheless, their efficacy in the medical
section remains uncertain and the performance of medical NER always needs high
accuracy because of the particularity of the field. This paper aims to provide
a thorough investigation to compare the performance of LMs in medical few-shot
NER and answer How far is LMs from 100\% Few-shot NER in Medical Domain, and
moreover to explore an effective entity recognizer to help improve the NER
performance. Based on our extensive experiments conducted on 16 NER models
spanning from 2018 to 2023, our findings clearly indicate that LLMs outperform
SLMs in few-shot medical NER tasks, given the presence of suitable examples and
appropriate logical frameworks. Despite the overall superiority of LLMs in
few-shot medical NER tasks, it is important to note that they still encounter
some challenges, such as misidentification, wrong template prediction, etc.
Building on previous findings, we introduce a simple and effective method
called \textsc{RT} (Retrieving and Thinking), which serves as retrievers,
finding relevant examples, and as thinkers, employing a step-by-step reasoning
process. Experimental results show that our proposed \textsc{RT} framework
significantly outperforms the strong open baselines on the two open medical
benchmark datasets | cs.CL | How far is Language Model from 100% Few-shot Named Entity Recognition in Medical Domain |
2023-07-01T00:58:51Z | http://arxiv.org/pdf/2307.00184v3 | http://arxiv.org/abs/2307.00184v3 | Greg Serapio-García, Mustafa Safdari, Clément Crepy, Luning Sun, Stephen Fitz, Peter Romero, Marwa Abdulhai, Aleksandra Faust, Maja Matarić | 2023-09-21T21:10:56Z | cs.CL, cs.AI, cs.CY, cs.HC, 68T35, I.2.7 | The advent of large language models (LLMs) has revolutionized natural
language processing, enabling the generation of coherent and contextually
relevant human-like text. As LLMs increasingly power conversational agents used
by the general public world-wide, the synthetic personality embedded in these
models, by virtue of training on large amounts of human data, is becoming
increasingly important. Since personality is a key factor determining the
effectiveness of communication, we present a comprehensive method for
administering and validating personality tests on widely-used LLMs, as well as
for shaping personality in the generated text of such LLMs. Applying this
method, we found: 1) personality measurements in the outputs of some LLMs under
specific prompting configurations are reliable and valid; 2) evidence of
reliability and validity of synthetic LLM personality is stronger for larger
and instruction fine-tuned models; and 3) personality in LLM outputs can be
shaped along desired dimensions to mimic specific human personality profiles.
We discuss application and ethical implications of the measurement and shaping
method, in particular regarding responsible AI. | cs.CL | Personality Traits in Large Language Models |
2023-06-30T23:44:51Z | http://arxiv.org/pdf/2307.00175v1 | http://arxiv.org/abs/2307.00175v1 | B. A. Levinstein, Daniel A. Herrmann | 2023-06-30T23:44:51Z | cs.CL, cs.LG | We consider the questions of whether or not large language models (LLMs) have
beliefs, and, if they do, how we might measure them. First, we evaluate two
existing approaches, one due to Azaria and Mitchell (2023) and the other to
Burns et al. (2022). We provide empirical results that show that these methods
fail to generalize in very basic ways. We then argue that, even if LLMs have
beliefs, these methods are unlikely to be successful for conceptual reasons.
Thus, there is still no lie-detector for LLMs. After describing our empirical
results we take a step back and consider whether or not we should expect LLMs
to have something like beliefs in the first place. We consider some recent
arguments aiming to show that LLMs cannot have beliefs. We show that these
arguments are misguided. We provide a more productive framing of questions
surrounding the status of beliefs in LLMs, and highlight the empirical nature
of the problem. We conclude by suggesting some concrete paths for future work. | cs.CL | Still No Lie Detector for Language Models: Probing Empirical and Conceptual Roadblocks |
2023-06-30T23:33:11Z | http://arxiv.org/pdf/2307.00171v1 | http://arxiv.org/abs/2307.00171v1 | Vivek Srikumar, Dan Roth | 2023-06-30T23:33:11Z | cs.AI, cs.CL, cs.LG | Over the years, integer linear programs have been employed to model inference
in many natural language processing problems. This survey is meant to guide the
reader through the process of framing a new inference problem as an instance of
an integer linear program and is structured as a collection of recipes. At the
end, we will see two worked examples to illustrate the use of these recipes. | cs.AI | The Integer Linear Programming Inference Cookbook |
2023-06-30T23:01:10Z | http://arxiv.org/pdf/2307.00165v1 | http://arxiv.org/abs/2307.00165v1 | Jianchao Ji, Zelong Li, Shuyuan Xu, Max Xiong, Juntao Tan, Yingqiang Ge, Hao Wang, Yongfeng Zhang | 2023-06-30T23:01:10Z | cs.IR, cs.AI, cs.CL, cs.LG | Causal reasoning and logical reasoning are two important types of reasoning
abilities for human intelligence. However, their relationship has not been
extensively explored under machine intelligence context. In this paper, we
explore how the two reasoning abilities can be jointly modeled to enhance both
accuracy and explainability of machine learning models. More specifically, by
integrating two important types of reasoning ability -- counterfactual
reasoning and (neural) logical reasoning -- we propose Counterfactual
Collaborative Reasoning (CCR), which conducts counterfactual logic reasoning to
improve the performance. In particular, we use recommender system as an example
to show how CCR alleviate data scarcity, improve accuracy and enhance
transparency. Technically, we leverage counterfactual reasoning to generate
"difficult" counterfactual training examples for data augmentation, which --
together with the original training examples -- can enhance the model
performance. Since the augmented data is model irrelevant, they can be used to
enhance any model, enabling the wide applicability of the technique. Besides,
most of the existing data augmentation methods focus on "implicit data
augmentation" over users' implicit feedback, while our framework conducts
"explicit data augmentation" over users explicit feedback based on
counterfactual logic reasoning. Experiments on three real-world datasets show
that CCR achieves better performance than non-augmented models and implicitly
augmented models, and also improves model transparency by generating
counterfactual explanations. | cs.IR | Counterfactual Collaborative Reasoning |
2023-06-30T22:36:41Z | http://arxiv.org/pdf/2307.00162v3 | http://arxiv.org/abs/2307.00162v3 | Ankita Pasad, Chung-Ming Chien, Shane Settle, Karen Livescu | 2024-01-31T05:00:25Z | cs.CL, cs.LG, eess.AS | Many self-supervised speech models (S3Ms) have been introduced over the last
few years, improving performance and data efficiency on various speech tasks.
However, these empirical successes alone do not give a complete picture of what
is learned during pre-training. Recent work has begun analyzing how S3Ms encode
certain properties, such as phonetic and speaker information, but we still lack
a proper understanding of knowledge encoded at the word level and beyond. In
this work, we use lightweight analysis methods to study segment-level
linguistic properties -- word identity, boundaries, pronunciation, syntactic
features, and semantic features -- encoded in S3Ms. We present a comparative
study of layer-wise representations from ten S3Ms and find that (i) the
frame-level representations within each word segment are not all equally
informative, and (ii) the pre-training objective and model size heavily
influence the accessibility and distribution of linguistic information across
layers. We also find that on several tasks -- word discrimination, word
segmentation, and semantic sentence similarity -- S3Ms trained with visual
grounding outperform their speech-only counterparts. Finally, our task-based
analyses demonstrate improved performance on word segmentation and acoustic
word discrimination while using simpler methods than prior work. | cs.CL | What Do Self-Supervised Speech Models Know About Words? |
2023-06-30T21:04:59Z | http://arxiv.org/pdf/2307.00135v1 | http://arxiv.org/abs/2307.00135v1 | Vasilisa Bashlovkina, Riley Matthews, Zhaobin Kuang, Simon Baumgartner, Michael Bendersky | 2023-06-30T21:04:59Z | cs.CL | We study the ability of transformer-based language models (LMs) to understand
social media language. Social media (SM) language is distinct from standard
written language, yet existing benchmarks fall short of capturing LM
performance in this socially, economically, and politically important domain.
We quantify the degree to which social media language differs from conventional
language and conclude that the difference is significant both in terms of token
distribution and rate of linguistic shift. Next, we introduce a new benchmark
for Social MedIa Language Evaluation (SMILE) that covers four SM platforms and
eleven tasks. Finally, we show that learning a tokenizer and pretraining on a
mix of social media and conventional language yields an LM that outperforms the
best similar-sized alternative by 4.2 points on the overall SMILE score. | cs.CL | SMILE: Evaluation and Domain Adaptation for Social Media Language Understanding |
2023-06-30T20:54:41Z | http://arxiv.org/pdf/2307.00132v1 | http://arxiv.org/abs/2307.00132v1 | N Harsha Vardhan, Manav Chaudhary | 2023-06-30T20:54:41Z | cs.CL | Sentence-level relation extraction (RE) aims to identify the relationship
between 2 entities given a contextual sentence. While there have been many
attempts to solve this problem, the current solutions have a lot of room to
improve. In this paper, we approach the task of relationship extraction in the
financial dataset REFinD. Our approach incorporates typed entity markers
representations and various models finetuned on the dataset, which has allowed
us to achieve an F1 score of 69.65% on the validation set. Through this paper,
we discuss various approaches and possible limitations. | cs.CL | iMETRE: Incorporating Markers of Entity Types for Relation Extraction |
2023-06-30T20:43:27Z | http://arxiv.org/pdf/2307.00130v1 | http://arxiv.org/abs/2307.00130v1 | Shiyu Yuan, Carlo Lipizzi | 2023-06-30T20:43:27Z | cs.CL | Information extraction (IE) plays very important role in natural language
processing (NLP) and is fundamental to many NLP applications that used to
extract structured information from unstructured text data. Heuristic-based
searching and data-driven learning are two main stream implementation
approaches. However, no much attention has been paid to document genre and
length influence on IE tasks. To fill the gap, in this study, we investigated
the accuracy and generalization abilities of heuristic-based searching and
data-driven to perform two IE tasks: named entity recognition (NER) and
semantic role labeling (SRL) on domain-specific and generic documents with
different length. We posited two hypotheses: first, short documents may yield
better accuracy results compared to long documents; second, generic documents
may exhibit superior extraction outcomes relative to domain-dependent documents
due to training document genre limitations. Our findings reveals that no single
method demonstrated overwhelming performance in both tasks. For named entity
extraction, data-driven approaches outperformed symbolic methods in terms of
accuracy, particularly in short texts. In the case of semantic roles
extraction, we observed that heuristic-based searching method and data-driven
based model with syntax representation surpassed the performance of pure
data-driven approach which only consider semantic information. Additionally, we
discovered that different semantic roles exhibited varying accuracy levels with
the same method. This study offers valuable insights for downstream text mining
tasks, such as NER and SRL, when addressing various document features and
genres. | cs.CL | Information Extraction in Domain and Generic Documents: Findings from Heuristic-based and Data-driven Approaches |
2023-06-30T20:16:22Z | http://arxiv.org/pdf/2307.00119v1 | http://arxiv.org/abs/2307.00119v1 | Aaron Mueller, Kanika Narang, Lambert Mathias, Qifan Wang, Hamed Firooz | 2023-06-30T20:16:22Z | cs.CL | Large language models show impressive results on few-shot NLP tasks. However,
these models are memory and computation-intensive. Meta-training allows one to
leverage smaller models for few-shot generalization in a domain-general and
task-agnostic manner; however, these methods alone results in models that may
not have sufficient parameterization or knowledge to adapt quickly to a large
variety of tasks. To overcome this issue, we propose meta-training with
demonstration retrieval, where we use a dense passage retriever to retrieve
semantically similar labeled demonstrations to each example for more varied
supervision. By separating external knowledge from model parameters, we can use
meta-training to train parameter-efficient models that generalize well on a
larger variety of tasks. We construct a meta-training set from UnifiedQA and
CrossFit, and propose a demonstration bank based on UnifiedQA tasks. To our
knowledge, our work is the first to combine retrieval with meta-training, to
use DPR models to retrieve demonstrations, and to leverage demonstrations from
many tasks simultaneously, rather than randomly sampling demonstrations from
the training set of the target task. Our approach outperforms a variety of
targeted parameter-efficient and retrieval-augmented few-shot methods on QA,
NLI, and text classification tasks (including SQuAD, QNLI, and TREC). Our
approach can be meta-trained and fine-tuned quickly on a single GPU. | cs.CL | Meta-training with Demonstration Retrieval for Efficient Few-shot Learning |
2023-06-30T19:48:25Z | http://arxiv.org/pdf/2307.00108v1 | http://arxiv.org/abs/2307.00108v1 | Zhexiong Liu, Cris Benge, Siduo Jiang | 2023-06-30T19:48:25Z | cs.CL, cs.AI, cs.LG | An essential aspect of prioritizing incident tickets for resolution is
efficiently labeling tickets with fine-grained categories. However, ticket data
is often complex and poses several unique challenges for modern machine
learning methods: (1) tickets are created and updated either by machines with
pre-defined algorithms or by engineers with domain expertise that share
different protocols, (2) tickets receive frequent revisions that update ticket
status by modifying all or parts of ticket descriptions, and (3) ticket
labeling is time-sensitive and requires knowledge updates and new labels per
the rapid software and hardware improvement lifecycle. To handle these issues,
we introduce Ticket- BERT which trains a simple yet robust language model for
labeling tickets using our proposed ticket datasets. Experiments demonstrate
the superiority of Ticket-BERT over baselines and state-of-the-art text
classifiers on Azure Cognitive Services. We further encapsulate Ticket-BERT
with an active learning cycle and deploy it on the Microsoft IcM system, which
enables the model to quickly finetune on newly-collected tickets with a few
annotations. | cs.CL | Ticket-BERT: Labeling Incident Management Tickets with Language Models |
2023-06-30T19:39:01Z | http://arxiv.org/pdf/2307.00101v1 | http://arxiv.org/abs/2307.00101v1 | Harnoor Dhingra, Preetiha Jayashanker, Sayali Moghe, Emma Strubell | 2023-06-30T19:39:01Z | cs.CL, cs.AI | Large Language Models (LLMs) are trained primarily on minimally processed web
text, which exhibits the same wide range of social biases held by the humans
who created that content. Consequently, text generated by LLMs can
inadvertently perpetuate stereotypes towards marginalized groups, like the
LGBTQIA+ community. In this paper, we perform a comparative study of how LLMs
generate text describing people with different sexual identities. Analyzing
bias in the text generated by an LLM using regard score shows measurable bias
against queer people. We then show that a post-hoc method based on
chain-of-thought prompting using SHAP analysis can increase the regard of the
sentence, representing a promising approach towards debiasing the output of
LLMs in this setting. | cs.CL | Queer People are People First: Deconstructing Sexual Identity Stereotypes in Large Language Models |
2023-06-30T17:59:07Z | http://arxiv.org/pdf/2306.17842v3 | http://arxiv.org/abs/2306.17842v3 | Lijun Yu, Yong Cheng, Zhiruo Wang, Vivek Kumar, Wolfgang Macherey, Yanping Huang, David A. Ross, Irfan Essa, Yonatan Bisk, Ming-Hsuan Yang, Kevin Murphy, Alexander G. Hauptmann, Lu Jiang | 2023-10-28T18:09:46Z | cs.CV, cs.CL, cs.MM | In this work, we introduce Semantic Pyramid AutoEncoder (SPAE) for enabling
frozen LLMs to perform both understanding and generation tasks involving
non-linguistic modalities such as images or videos. SPAE converts between raw
pixels and interpretable lexical tokens (or words) extracted from the LLM's
vocabulary. The resulting tokens capture both the semantic meaning and the
fine-grained details needed for visual reconstruction, effectively translating
the visual content into a language comprehensible to the LLM, and empowering it
to perform a wide array of multimodal tasks. Our approach is validated through
in-context learning experiments with frozen PaLM 2 and GPT 3.5 on a diverse set
of image understanding and generation tasks. Our method marks the first
successful attempt to enable a frozen LLM to generate image content while
surpassing state-of-the-art performance in image understanding tasks, under the
same setting, by over 25%. | cs.CV | SPAE: Semantic Pyramid AutoEncoder for Multimodal Generation with Frozen LLMs |
2023-06-30T17:58:02Z | http://arxiv.org/pdf/2306.17840v4 | http://arxiv.org/abs/2306.17840v4 | Takuma Yoneda, Jiading Fang, Peng Li, Huanyu Zhang, Tianchong Jiang, Shengjie Lin, Ben Picker, David Yunis, Hongyuan Mei, Matthew R. Walter | 2024-05-20T05:57:39Z | cs.RO, cs.CL | There has been a significant research interest in employing large language
models to empower intelligent robots with complex reasoning. Existing work
focuses on harnessing their abilities to reason about the histories of their
actions and observations. In this paper, we explore a new dimension in which
large language models may benefit robotics planning. In particular, we propose
Statler, a framework in which large language models are prompted to maintain an
estimate of the world state, which are often unobservable, and track its
transition as new actions are taken. Our framework then conditions each action
on the estimate of the current world state. Despite being conceptually simple,
our Statler framework significantly outperforms strong competing methods (e.g.,
Code-as-Policies) on several robot planning tasks. Additionally, it has the
potential advantage of scaling up to more challenging long-horizon planning
tasks. | cs.RO | Statler: State-Maintaining Language Models for Embodied Reasoning |
2023-06-30T17:38:10Z | http://arxiv.org/pdf/2306.17820v4 | http://arxiv.org/abs/2306.17820v4 | Yiming Wang, Zhuosheng Zhang, Pei Zhang, Baosong Yang, Rui Wang | 2024-06-02T03:48:21Z | cs.CL | Neural-symbolic methods have demonstrated efficiency in enhancing the
reasoning abilities of large language models (LLMs). However, existing methods
mainly rely on syntactically mapping natural languages to complete formal
languages like Python and SQL. Those methods require that reasoning tasks be
convertible into programs, which cater to the computer execution mindset and
deviate from human reasoning habits. To broaden symbolic methods' applicability
and adaptability in the real world, we propose the Meta-Reasoning from a
linguistic perspective. This method empowers LLMs to deconstruct
reasoning-independent semantic information into generic symbolic
representations, thereby efficiently capturing more generalized reasoning
knowledge. We conduct extensive experiments on more than ten datasets
encompassing conventional reasoning tasks like arithmetic, symbolic, and
logical reasoning, and the more complex interactive reasoning tasks like
theory-of-mind reasoning. Experimental results demonstrate that Meta-Reasoning
significantly enhances in-context reasoning accuracy, learning efficiency,
out-of-domain generalization, and output stability compared to the
Chain-of-Thought technique. Code and data are publicly available at
\url{https://github.com/Alsace08/Meta-Reasoning}. | cs.CL | Meta-Reasoning: Semantics-Symbol Deconstruction for Large Language Models |
2023-06-30T17:16:04Z | http://arxiv.org/pdf/2306.17810v2 | http://arxiv.org/abs/2306.17810v2 | Emily Silcock, Melissa Dell | 2023-08-24T01:22:36Z | cs.CL, econ.GN, q-fin.EC | A diversity of tasks use language models trained on semantic similarity data.
While there are a variety of datasets that capture semantic similarity, they
are either constructed from modern web data or are relatively small datasets
created in the past decade by human annotators. This study utilizes a novel
source, newly digitized articles from off-copyright, local U.S. newspapers, to
assemble a massive-scale semantic similarity dataset spanning 70 years from
1920 to 1989 and containing nearly 400M positive semantic similarity pairs.
Historically, around half of articles in U.S. local newspapers came from
newswires like the Associated Press. While local papers reproduced articles
from the newswire, they wrote their own headlines, which form abstractive
summaries of the associated articles. We associate articles and their headlines
by exploiting document layouts and language understanding. We then use deep
neural methods to detect which articles are from the same underlying source, in
the presence of substantial noise and abridgement. The headlines of reproduced
articles form positive semantic similarity pairs. The resulting publicly
available HEADLINES dataset is significantly larger than most existing semantic
similarity datasets and covers a much longer span of time. It will facilitate
the application of contrastively trained semantic similarity models to a
variety of tasks, including the study of semantic change across space and time. | cs.CL | A Massive Scale Semantic Similarity Dataset of Historical English |
2023-06-30T17:07:02Z | http://arxiv.org/pdf/2306.17806v1 | http://arxiv.org/abs/2306.17806v1 | Guillaume Sanchez, Honglu Fan, Alexander Spangher, Elad Levi, Pawan Sasanka Ammanamanchi, Stella Biderman | 2023-06-30T17:07:02Z | cs.CL, cs.CV, cs.LG | Classifier-Free Guidance (CFG) has recently emerged in text-to-image
generation as a lightweight technique to encourage prompt-adherence in
generations. In this work, we demonstrate that CFG can be used broadly as an
inference-time technique in pure language modeling. We show that CFG (1)
improves the performance of Pythia, GPT-2 and LLaMA-family models across an
array of tasks: Q\&A, reasoning, code generation, and machine translation,
achieving SOTA on LAMBADA with LLaMA-7B over PaLM-540B; (2) brings improvements
equivalent to a model with twice the parameter-count; (3) can stack alongside
other inference-time methods like Chain-of-Thought and Self-Consistency,
yielding further improvements in difficult tasks; (4) can be used to increase
the faithfulness and coherence of assistants in challenging form-driven and
content-driven prompts: in a human evaluation we show a 75\% preference for
GPT4All using CFG over baseline. | cs.CL | Stay on topic with Classifier-Free Guidance |
2023-06-30T17:05:11Z | http://arxiv.org/pdf/2307.07516v3 | http://arxiv.org/abs/2307.07516v3 | Lana Touma, Mohammad Al Horani, Manar Tailouni, Anas Dahabiah, Khloud Al Jallad | 2024-03-15T15:03:40Z | cs.LG, cs.CL, cs.CV, cs.HC | Automatic Deception Detection has been a hot research topic for a long time,
using machine learning and deep learning to automatically detect deception,
brings new light to this old field. In this paper, we proposed a voting-based
method for automatic deception detection from videos using audio, visual and
lexical features. Experiments were done on two datasets, the Real-life trial
dataset by Michigan University and the Miami University deception detection
dataset. Video samples were split into frames of images, audio, and
manuscripts. Our Voting-based Multimodal proposed solution consists of three
models. The first model is CNN for detecting deception from images, the second
model is Support Vector Machine (SVM) on Mel spectrograms for detecting
deception from audio and the third model is Word2Vec on Support Vector Machine
(SVM) for detecting deception from manuscripts. Our proposed solution
outperforms state of the art. Best results achieved on images, audio and text
were 97%, 96%, 92% respectively on Real-Life Trial Dataset, and 97%, 82%, 73%
on video, audio and text respectively on Miami University Deception Detection. | cs.LG | Voting-based Multimodal Automatic Deception Detection |
2023-06-30T16:48:22Z | http://arxiv.org/pdf/2306.17792v1 | http://arxiv.org/abs/2306.17792v1 | Andrei-Marius Avram, Răzvan-Alexandru Smădu, Vasile Păiş, Dumitru-Clementin Cercel, Radu Ion, Dan Tufiş | 2023-06-30T16:48:22Z | cs.CL, cs.SD, eess.AS | With the rise of bidirectional encoder representations from Transformer
models in natural language processing, the speech community has adopted some of
their development methodologies. Therefore, the Wav2Vec models were introduced
to reduce the data required to obtain state-of-the-art results. This work
leverages this knowledge and improves the performance of the pre-trained speech
models by simply replacing the fine-tuning dense layer with a lateral
inhibition layer inspired by the biological process. Our experiments on
Romanian, a low-resource language, show an average improvement of 12.5% word
error rate (WER) using the lateral inhibition layer. In addition, we obtain
state-of-the-art results on both the Romanian Speech Corpus and the Robin
Technical Acquisition Corpus with 1.78% WER and 29.64% WER, respectively. | cs.CL | Towards Improving the Performance of Pre-Trained Speech Models for Low-Resource Languages Through Lateral Inhibition |
2023-06-30T16:09:01Z | http://arxiv.org/pdf/2306.17757v1 | http://arxiv.org/abs/2306.17757v1 | Nadezhda Chirkova, Germán Kruszewski, Jos Rozen, Marc Dymetman | 2023-06-30T16:09:01Z | cs.CL | Autoregressive language models (LMs) map token sequences to probabilities.
The usual practice for computing the probability of any character string (e.g.
English sentences) is to first transform it into a sequence of tokens that is
scored by the model. However, there are exponentially many token sequences that
represent any given string. To truly compute the probability of a string one
should marginalize over all tokenizations, which is typically intractable.
Here, we analyze whether the practice of ignoring the marginalization is
justified. To this end, we devise an importance-sampling-based algorithm that
allows us to compute estimates of the marginal probabilities and compare them
to the default procedure in a range of state-of-the-art models and datasets.
Our results show that the gap in log-likelihood is no larger than 0.5% in most
cases, but that it becomes more pronounced for data with long complex words. | cs.CL | Should you marginalize over possible tokenizations? |
2023-06-30T15:22:57Z | http://arxiv.org/pdf/2306.17733v1 | http://arxiv.org/abs/2306.17733v1 | Qizhi Wan, Changxuan Wan, Keli Xiao, Hui Xiong, Dexi Liu, Xiping Liu | 2023-06-30T15:22:57Z | cs.CL, cs.AI | Document-level event extraction is a long-standing challenging information
retrieval problem involving a sequence of sub-tasks: entity extraction, event
type judgment, and event type-specific multi-event extraction. However,
addressing the problem as multiple learning tasks leads to increased model
complexity. Also, existing methods insufficiently utilize the correlation of
entities crossing different events, resulting in limited event extraction
performance. This paper introduces a novel framework for document-level event
extraction, incorporating a new data structure called token-event-role and a
multi-channel argument role prediction module. The proposed data structure
enables our model to uncover the primary role of tokens in multiple events,
facilitating a more comprehensive understanding of event relationships. By
leveraging the multi-channel prediction module, we transform entity and
multi-event extraction into a single task of predicting token-event pairs,
thereby reducing the overall parameter size and enhancing model efficiency. The
results demonstrate that our approach outperforms the state-of-the-art method
by 9.5 percentage points in terms of the F1 score, highlighting its superior
performance in event extraction. Furthermore, an ablation study confirms the
significant value of the proposed data structure in improving event extraction
tasks, further validating its importance in enhancing the overall performance
of the framework. | cs.CL | Token-Event-Role Structure-based Multi-Channel Document-Level Event Extraction |
2023-06-30T15:16:52Z | http://arxiv.org/pdf/2306.17727v3 | http://arxiv.org/abs/2306.17727v3 | Chenduo Hao, Xu Zhang | 2023-09-18T03:39:23Z | cs.CL | The Natural Language to SQL (NL2SQL) technique is used to convert natural
language queries into executable SQL statements. Typically, slot-filling is
employed as a classification method for multi-task cases to achieve this goal.
However, slot-filling can result in inaccurate SQL statement generation due to
negative migration issues arising from different classification tasks. To
overcome this limitation, this study introduces a new approach called
Multi-Layer Expert Generate SQL (MLEG-SQL), which utilizes a dedicated
multi-task hierarchical network. The lower layer of the network extracts
semantic features of natural language statements, while the upper layer builds
a specialized expert system for handling specific classification tasks. This
hierarchical approach mitigates performance degradation resulting from
different task conflicts. The proposed method was evaluated on the WiKSQL
dataset and was found to be effective in generating accurate SQL statements. | cs.CL | Improved NL2SQL based on Multi-layer Expert Network |
2023-06-30T14:26:49Z | http://arxiv.org/pdf/2306.17700v1 | http://arxiv.org/abs/2306.17700v1 | Loes van Bemmel, Zhuoran Liu, Nik Vaessen, Martha Larson | 2023-06-30T14:26:49Z | eess.AS, cs.CL, cs.CR, cs.CY, cs.LG, cs.SD | Recent research has proposed approaches that modify speech to defend against
gender inference attacks. The goal of these protection algorithms is to control
the availability of information about a speaker's gender, a privacy-sensitive
attribute. Currently, the common practice for developing and testing gender
protection algorithms is "neural-on-neural", i.e., perturbations are generated
and tested with a neural network. In this paper, we propose to go beyond this
practice to strengthen the study of gender protection. First, we demonstrate
the importance of testing gender inference attacks that are based on speech
features historically developed by speech scientists, alongside the
conventionally used neural classifiers. Next, we argue that researchers should
use speech features to gain insight into how protective modifications change
the speech signal. Finally, we point out that gender-protection algorithms
should be compared with novel "vocal adversaries", human-executed voice
adaptations, in order to improve interpretability and enable before-the-mic
protection. | eess.AS | Beyond Neural-on-Neural Approaches to Speaker Gender Protection |
2023-06-30T14:20:06Z | http://arxiv.org/pdf/2306.17695v1 | http://arxiv.org/abs/2306.17695v1 | Shihao Ran, Di Lu, Joel Tetreault, Aoife Cahill, Alejandro Jaimes | 2023-06-30T14:20:06Z | cs.CL | The ability to conduct retrospective analyses of attacks on human rights
defenders over time and by location is important for humanitarian organizations
to better understand historical or ongoing human rights violations and thus
better manage the global impact of such events. We hypothesize that NLP can
support such efforts by quickly processing large collections of news articles
to detect and summarize the characteristics of attacks on human rights
defenders. To that end, we propose a new dataset for detecting Attacks on Human
Rights Defenders (HRDsAttack) consisting of crowdsourced annotations on 500
online news articles. The annotations include fine-grained information about
the type and location of the attacks, as well as information about the
victim(s). We demonstrate the usefulness of the dataset by using it to train
and evaluate baseline models on several sub-tasks to predict the annotated
characteristics. | cs.CL | A New Task and Dataset on Detecting Attacks on Human Rights Defenders |
2023-06-30T14:03:30Z | http://arxiv.org/pdf/2306.17674v1 | http://arxiv.org/abs/2306.17674v1 | Mehrad Moradshahi, Tianhao Shen, Kalika Bali, Monojit Choudhury, Gaël de Chalendar, Anmol Goel, Sungkyun Kim, Prashant Kodali, Ponnurangam Kumaraguru, Nasredine Semmar, Sina J. Semnani, Jiwon Seo, Vivek Seshadri, Manish Shrivastava, Michael Sun, Aditya Yadavalli, Chaobin You, Deyi Xiong, Monica S. Lam | 2023-06-30T14:03:30Z | cs.CL | Task-oriented dialogue research has mainly focused on a few popular languages
like English and Chinese, due to the high dataset creation cost for a new
language. To reduce the cost, we apply manual editing to automatically
translated data. We create a new multilingual benchmark, X-RiSAWOZ, by
translating the Chinese RiSAWOZ to 4 languages: English, French, Hindi, Korean;
and a code-mixed English-Hindi language. X-RiSAWOZ has more than 18,000
human-verified dialogue utterances for each language, and unlike most
multilingual prior work, is an end-to-end dataset for building
fully-functioning agents.
The many difficulties we encountered in creating X-RiSAWOZ led us to develop
a toolset to accelerate the post-editing of a new language dataset after
translation. This toolset improves machine translation with a hybrid entity
alignment technique that combines neural with dictionary-based methods, along
with many automated and semi-automated validation checks.
We establish strong baselines for X-RiSAWOZ by training dialogue agents in
the zero- and few-shot settings where limited gold data is available in the
target language. Our results suggest that our translation and post-editing
methodology and toolset can be used to create new high-quality multilingual
dialogue agents cost-effectively. Our dataset, code, and toolkit are released
open-source. | cs.CL | X-RiSAWOZ: High-Quality End-to-End Multilingual Dialogue Datasets and Few-shot Agents |
2023-06-30T13:35:24Z | http://arxiv.org/pdf/2306.17649v3 | http://arxiv.org/abs/2306.17649v3 | Bernal Jiménez Gutiérrez, Huan Sun, Yu Su | 2023-07-10T16:22:41Z | cs.CL | As opposed to general English, many concepts in biomedical terminology have
been designed in recent history by biomedical professionals with the goal of
being precise and concise. This is often achieved by concatenating meaningful
biomedical morphemes to create new semantic units. Nevertheless, most modern
biomedical language models (LMs) are pre-trained using standard domain-specific
tokenizers derived from large scale biomedical corpus statistics without
explicitly leveraging the agglutinating nature of biomedical language. In this
work, we first find that standard open-domain and biomedical tokenizers are
largely unable to segment biomedical terms into meaningful components.
Therefore, we hypothesize that using a tokenizer which segments biomedical
terminology more accurately would enable biomedical LMs to improve their
performance on downstream biomedical NLP tasks, especially ones which involve
biomedical terms directly such as named entity recognition (NER) and entity
linking. Surprisingly, we find that pre-training a biomedical LM using a more
accurate biomedical tokenizer does not improve the entity representation
quality of a language model as measured by several intrinsic and extrinsic
measures such as masked language modeling prediction (MLM) accuracy as well as
NER and entity linking performance. These quantitative findings, along with a
case study which explores entity representation quality more directly, suggest
that the biomedical pre-training process is quite robust to instances of
sub-optimal tokenization. | cs.CL | Biomedical Language Models are Robust to Sub-optimal Tokenization |
2023-06-30T13:34:31Z | http://arxiv.org/pdf/2306.17646v1 | http://arxiv.org/abs/2306.17646v1 | Chenduo Hao, Xu Zhang, Chuanbao Gao, Deyu Zhou | 2023-06-30T13:34:31Z | cs.CL | The NL2SQL task involves parsing natural language statements into SQL
queries. While most state-of-the-art methods treat NL2SQL as a slot-filling
task and use feature representation learning techniques, they overlook explicit
correlation features between the SELECT and WHERE clauses and implicit
correlation features between sub-tasks within a single clause. To address this
issue, we propose the Clause Feature Correlation Decoupling and Coupling
(CFCDC) model, which uses a feature representation decoupling method to
separate the SELECT and WHERE clauses at the parameter level. Next, we
introduce a multi-task learning architecture to decouple implicit correlation
feature representation between different SQL tasks in a specific clause.
Moreover, we present an improved feature representation coupling module to
integrate the decoupled tasks in the SELECT and WHERE clauses and predict the
final SQL query. Our proposed CFCDC model demonstrates excellent performance on
the WikiSQL dataset, with significant improvements in logic precision and
execution accuracy. The source code for the model will be publicly available on
GitHub | cs.CL | Feature Representation Learning for NL2SQL Generation Based on Coupling and Decoupling |
2023-06-30T11:51:08Z | http://arxiv.org/pdf/2306.17575v1 | http://arxiv.org/abs/2306.17575v1 | Jinsook Lee, Bradon Thymes, Joyce Zhou, Thorsten Joachims, Rene F. Kizilcec | 2023-06-30T11:51:08Z | cs.CL, cs.AI, cs.LG | University admission at many highly selective institutions uses a holistic
review process, where all aspects of the application, including protected
attributes (e.g., race, gender), grades, essays, and recommendation letters are
considered, to compose an excellent and diverse class. In this study, we
empirically evaluate how influential protected attributes are for predicting
admission decisions using a machine learning (ML) model, and in how far textual
information (e.g., personal essay, teacher recommendation) may substitute for
the loss of protected attributes in the model. Using data from 14,915
applicants to an undergraduate admission office at a selective U.S. institution
in the 2022-2023 cycle, we find that the exclusion of protected attributes from
the ML model leads to substantially reduced admission-prediction performance.
The inclusion of textual information via both a TF-IDF representation and a
Latent Dirichlet allocation (LDA) model partially restores model performance,
but does not appear to provide a full substitute for admitting a similarly
diverse class. In particular, while the text helps with gender diversity, the
proportion of URM applicants is severely impacted by the exclusion of protected
attributes, and the inclusion of new attributes generated from the textual
information does not recover this performance loss. | cs.CL | Augmenting Holistic Review in University Admission using Natural Language Processing for Essays and Recommendation Letters |
2023-06-30T11:34:48Z | http://arxiv.org/pdf/2306.17564v1 | http://arxiv.org/abs/2306.17564v1 | Andrea Laguna, Oscar Araque | 2023-06-30T11:34:48Z | cs.CL, 68T50 | Depression is a growing issue in society's mental health that affects all
areas of life and can even lead to suicide. Fortunately, prevention programs
can be effective in its treatment. In this context, this work proposes an
automatic system for detecting depression on social media based on machine
learning and natural language processing methods. This paper presents the
following contributions: (i) an ensemble learning system that combines several
types of text representations for depression detection, including recent
advances in the field; (ii) a contextualization schema through topic and
affective information; (iii) an analysis of models' energy consumption,
establishing a trade-off between classification performance and overall
computational costs. To assess the proposed models' effectiveness, a thorough
evaluation is performed in two datasets that model depressive text. Experiments
indicate that the proposed contextualization strategies can improve the
classification and that approaches that use Transformers can improve the
overall F-score by 2% while augmenting the energy cost a hundred times.
Finally, this work paves the way for future energy-wise systems by considering
both the performance classification and the energy consumption. | cs.CL | A Cost-aware Study of Depression Language on Social Media using Topic and Affect Contextualization |
2023-06-30T11:32:25Z | http://arxiv.org/pdf/2306.17563v2 | http://arxiv.org/abs/2306.17563v2 | Zhen Qin, Rolf Jagerman, Kai Hui, Honglei Zhuang, Junru Wu, Le Yan, Jiaming Shen, Tianqi Liu, Jialu Liu, Donald Metzler, Xuanhui Wang, Michael Bendersky | 2024-03-28T13:59:09Z | cs.IR, cs.CL, cs.LG | Ranking documents using Large Language Models (LLMs) by directly feeding the
query and candidate documents into the prompt is an interesting and practical
problem. However, researchers have found it difficult to outperform fine-tuned
baseline rankers on benchmark datasets. We analyze pointwise and listwise
ranking prompts used by existing methods and argue that off-the-shelf LLMs do
not fully understand these challenging ranking formulations. In this paper, we
propose to significantly reduce the burden on LLMs by using a new technique
called Pairwise Ranking Prompting (PRP). Our results are the first in the
literature to achieve state-of-the-art ranking performance on standard
benchmarks using moderate-sized open-sourced LLMs. On TREC-DL 2019&2020, PRP
based on the Flan-UL2 model with 20B parameters performs favorably with the
previous best approach in the literature, which is based on the blackbox
commercial GPT-4 that has 50x (estimated) model size, while outperforming other
LLM-based solutions, such as InstructGPT which has 175B parameters, by over 10%
for all ranking metrics. By using the same prompt template on seven BEIR tasks,
PRP outperforms supervised baselines and outperforms the blackbox commercial
ChatGPT solution by 4.2% and pointwise LLM-based solutions by more than 10% on
average NDCG@10. Furthermore, we propose several variants of PRP to improve
efficiency and show that it is possible to achieve competitive results even
with linear complexity. | cs.IR | Large Language Models are Effective Text Rankers with Pairwise Ranking Prompting |
2023-06-30T11:21:40Z | http://arxiv.org/pdf/2306.17558v2 | http://arxiv.org/abs/2306.17558v2 | Mathieu De Coster, Ellen Rushe, Ruth Holmes, Anthony Ventresque, Joni Dambre | 2023-08-16T08:46:52Z | cs.CV, cs.CL | Isolated Sign Language Recognition (SLR) has mostly been applied on datasets
containing signs executed slowly and clearly by a limited group of signers. In
real-world scenarios, however, we are met with challenging visual conditions,
coarticulated signing, small datasets, and the need for signer independent
models. To tackle this difficult problem, we require a robust feature extractor
to process the sign language videos. One could expect human pose estimators to
be ideal candidates. However, due to a domain mismatch with their training sets
and challenging poses in sign language, they lack robustness on sign language
data and image-based models often still outperform keypoint-based models.
Furthermore, whereas the common practice of transfer learning with image-based
models yields even higher accuracy, keypoint-based models are typically trained
from scratch on every SLR dataset. These factors limit their usefulness for
SLR. From the existing literature, it is also not clear which, if any, pose
estimator performs best for SLR. We compare the three most popular pose
estimators for SLR: OpenPose, MMPose and MediaPipe. We show that through
keypoint normalization, missing keypoint imputation, and learning a pose
embedding, we can obtain significantly better results and enable transfer
learning. We show that keypoint-based embeddings contain cross-lingual
features: they can transfer between sign languages and achieve competitive
performance even when fine-tuning only the classifier layer of an SLR model on
a target sign language. We furthermore achieve better performance using
fine-tuned transferred embeddings than models trained only on the target sign
language. The embeddings can also be learned in a multilingual fashion. The
application of these embeddings could prove particularly useful for low
resource sign languages in the future. | cs.CV | Towards the extraction of robust sign embeddings for low resource sign language recognition |
2023-06-30T10:12:30Z | http://arxiv.org/pdf/2306.17519v2 | http://arxiv.org/abs/2306.17519v2 | Pawan Kumar Rajpoot, Ankur Parikh | 2023-07-21T06:57:49Z | cs.CL | Relation extraction (RE) is a crucial task in natural language processing
(NLP) that aims to identify and classify relationships between entities
mentioned in text. In the financial domain, relation extraction plays a vital
role in extracting valuable information from financial documents, such as news
articles, earnings reports, and company filings. This paper describes our
solution to relation extraction on one such dataset REFinD. The dataset was
released along with shared task as a part of the Fourth Workshop on Knowledge
Discovery from Unstructured Data in Financial Services, co-located with SIGIR
2023. In this paper, we employed OpenAI models under the framework of
in-context learning (ICL). We utilized two retrieval strategies to find top K
relevant in-context learning demonstrations / examples from training data for a
given test example. The first retrieval mechanism, we employed, is a
learning-free dense retriever and the other system is a learning-based
retriever. We were able to achieve 3rd rank overall. Our best F1-score is
0.718. | cs.CL | GPT-FinRE: In-context Learning for Financial Relation Extraction using Large Language Models |
2023-06-30T09:07:37Z | http://arxiv.org/pdf/2306.17492v2 | http://arxiv.org/abs/2306.17492v2 | Feifan Song, Bowen Yu, Minghao Li, Haiyang Yu, Fei Huang, Yongbin Li, Houfeng Wang | 2024-02-27T18:42:42Z | cs.CL, cs.AI | Large language models (LLMs) often contain misleading content, emphasizing
the need to align them with human values to ensure secure AI systems.
Reinforcement learning from human feedback (RLHF) has been employed to achieve
this alignment. However, it encompasses two main drawbacks: (1) RLHF exhibits
complexity, instability, and sensitivity to hyperparameters in contrast to SFT.
(2) Despite massive trial-and-error, multiple sampling is reduced to pair-wise
contrast, thus lacking contrasts from a macro perspective. In this paper, we
propose Preference Ranking Optimization (PRO) as an efficient SFT algorithm to
directly fine-tune LLMs for human alignment. PRO extends the pair-wise contrast
to accommodate preference rankings of any length. By iteratively contrasting
candidates, PRO instructs the LLM to prioritize the best response while
progressively ranking the rest responses. In this manner, PRO effectively
transforms human alignment into aligning the probability ranking of n responses
generated by LLM with the preference ranking of humans towards these responses.
Experiments have shown that PRO outperforms baseline algorithms, achieving
comparable results to ChatGPT and human responses through automatic-based,
reward-based, GPT-4, and human evaluations. | cs.CL | Preference Ranking Optimization for Human Alignment |
2023-06-30T09:04:47Z | http://arxiv.org/pdf/2307.01211v1 | http://arxiv.org/abs/2307.01211v1 | Giampaolo Bella, Gianpietro Castiglione, Daniele Francesco Santamaria | 2023-06-30T09:04:47Z | cs.AI, cs.CL | Large documents written in juridical language are difficult to interpret,
with long sentences leading to intricate and intertwined relations between the
nouns. The present paper frames this problem in the context of recent European
security directives. The complexity of their language is here thwarted by
automating the extraction of the relevant information, namely of the parts of
speech from each clause, through a specific tailoring of Natural Language
Processing (NLP) techniques. These contribute, in combination with ontology
development principles, to the design of our automated method for the
representation of security directives as ontologies. The method is showcased on
a practical problem, namely to derive an ontology representing the NIS 2
directive, which is the peak of cybersecurity prescripts at the European level.
Although the NLP techniques adopted showed some limitations and had to be
complemented by manual analysis, the overall results provide valid support for
directive compliance in general and for ontology development in particular. | cs.AI | An automated method for the ontological representation of security directives |
2023-06-30T08:37:55Z | http://arxiv.org/pdf/2306.17472v1 | http://arxiv.org/abs/2306.17472v1 | Lihu Chen, Simon Razniewski, Gerhard Weikum | 2023-06-30T08:37:55Z | cs.CL | Despite their impressive scale, knowledge bases (KBs), such as Wikidata,
still contain significant gaps. Language models (LMs) have been proposed as a
source for filling these gaps. However, prior works have focused on prominent
entities with rich coverage by LMs, neglecting the crucial case of long-tail
entities. In this paper, we present a novel method for LM-based-KB completion
that is specifically geared for facts about long-tail entities. The method
leverages two different LMs in two stages: for candidate retrieval and for
candidate verification and disambiguation. To evaluate our method and various
baselines, we introduce a novel dataset, called MALT, rooted in Wikidata. Our
method outperforms all baselines in F1, with major gains especially in recall. | cs.CL | Knowledge Base Completion for Long-Tail Entities |
2023-06-30T08:15:18Z | http://arxiv.org/pdf/2306.17459v1 | http://arxiv.org/abs/2306.17459v1 | Pragnya Sridhar, Aidan Doyle, Arav Agarwal, Christopher Bogart, Jaromir Savelka, Majd Sakr | 2023-06-30T08:15:18Z | cs.AI, cs.CL | We evaluated the capability of a generative pre-trained transformer (GPT-4)
to automatically generate high-quality learning objectives (LOs) in the context
of a practically oriented university course on Artificial Intelligence.
Discussions of opportunities (e.g., content generation, explanation) and risks
(e.g., cheating) of this emerging technology in education have intensified, but
to date there has not been a study of the models' capabilities in supporting
the course design and authoring of LOs. LOs articulate the knowledge and skills
learners are intended to acquire by engaging with a course. To be effective,
LOs must focus on what students are intended to achieve, focus on specific
cognitive processes, and be measurable. Thus, authoring high-quality LOs is a
challenging and time consuming (i.e., expensive) effort. We evaluated 127 LOs
that were automatically generated based on a carefully crafted prompt (detailed
guidelines on high-quality LOs authoring) submitted to GPT-4 for conceptual
modules and projects of an AI Practitioner course. We analyzed the generated
LOs if they follow certain best practices such as beginning with action verbs
from Bloom's taxonomy in regards to the level of sophistication intended. Our
analysis showed that the generated LOs are sensible, properly expressed (e.g.,
starting with an action verb), and that they largely operate at the appropriate
level of Bloom's taxonomy, respecting the different nature of the conceptual
modules (lower levels) and projects (higher levels). Our results can be
leveraged by instructors and curricular designers wishing to take advantage of
the state-of-the-art generative models to support their curricular and course
design efforts. | cs.AI | Harnessing LLMs in Curricular Design: Using GPT-4 to Support Authoring of Learning Objectives |
2023-06-30T07:44:49Z | http://arxiv.org/pdf/2306.17447v3 | http://arxiv.org/abs/2306.17447v3 | Yinghui Li, Shirong Ma, Shaoshen Chen, Haojing Huang, Shulin Huang, Yangning Li, Hai-Tao Zheng, Ying Shen | 2024-03-20T15:53:37Z | cs.CL | Chinese Text Error Correction (CTEC) aims to detect and correct errors in the
input text, which benefits human daily life and various downstream tasks.
Recent approaches mainly employ Pre-trained Language Models (PLMs) to resolve
CTEC. Although PLMs have achieved remarkable success in CTEC, we argue that
previous studies still overlook the importance of human thinking patterns. To
enhance the development of PLMs for CTEC, inspired by humans' daily
error-correcting behavior, we propose a novel model-agnostic progressive
learning framework, named ProTEC, which guides PLMs-based CTEC models to learn
to correct like humans. During the training process, ProTEC guides the model to
learn text error correction by incorporating these sub-tasks into a progressive
paradigm. During the inference process, the model completes these sub-tasks in
turn to generate the correction results. Extensive experiments and detailed
analyses demonstrate the effectiveness and efficiency of our proposed
model-agnostic ProTEC framework. | cs.CL | Correct Like Humans: Progressive Learning Framework for Chinese Text Error Correction |
2023-06-30T07:24:32Z | http://arxiv.org/pdf/2306.17439v2 | http://arxiv.org/abs/2306.17439v2 | Xuandong Zhao, Prabhanjan Ananth, Lei Li, Yu-Xiang Wang | 2023-10-13T04:50:04Z | cs.CL, cs.LG | We study the problem of watermarking large language models (LLMs) generated
text -- one of the most promising approaches for addressing the safety
challenges of LLM usage. In this paper, we propose a rigorous theoretical
framework to quantify the effectiveness and robustness of LLM watermarks. We
propose a robust and high-quality watermark method, Unigram-Watermark, by
extending an existing approach with a simplified fixed grouping strategy. We
prove that our watermark method enjoys guaranteed generation quality,
correctness in watermark detection, and is robust against text editing and
paraphrasing. Experiments on three varying LLMs and two datasets verify that
our Unigram-Watermark achieves superior detection accuracy and comparable
generation quality in perplexity, thus promoting the responsible use of LLMs.
Code is available at https://github.com/XuandongZhao/Unigram-Watermark. | cs.CL | Provable Robust Watermarking for AI-Generated Text |
2023-06-30T05:50:26Z | http://arxiv.org/pdf/2306.17408v3 | http://arxiv.org/abs/2306.17408v3 | Zijian Cai, Zhaoxuan Tan, Zhenyu Lei, Zifeng Zhu, Hongrui Wang, Qinghua Zheng, Minnan Luo | 2024-01-03T05:00:00Z | cs.AI, cs.CL, cs.SI | As malicious actors employ increasingly advanced and widespread bots to
disseminate misinformation and manipulate public opinion, the detection of
Twitter bots has become a crucial task. Though graph-based Twitter bot
detection methods achieve state-of-the-art performance, we find that their
inference depends on the neighbor users multi-hop away from the targets, and
fetching neighbors is time-consuming and may introduce bias. At the same time,
we find that after finetuning on Twitter bot detection, pretrained language
models achieve competitive performance and do not require a graph structure
during deployment. Inspired by this finding, we propose a novel bot detection
framework LMBot that distills the knowledge of graph neural networks (GNNs)
into language models (LMs) for graph-less deployment in Twitter bot detection
to combat the challenge of data dependency. Moreover, LMBot is compatible with
graph-based and graph-less datasets. Specifically, we first represent each user
as a textual sequence and feed them into the LM for domain adaptation. For
graph-based datasets, the output of LMs provides input features for the GNN,
enabling it to optimize for bot detection and distill knowledge back to the LM
in an iterative, mutually enhancing process. Armed with the LM, we can perform
graph-less inference, which resolves the graph data dependency and sampling
bias issues. For datasets without graph structure, we simply replace the GNN
with an MLP, which has also shown strong performance. Our experiments
demonstrate that LMBot achieves state-of-the-art performance on four Twitter
bot detection benchmarks. Extensive studies also show that LMBot is more
robust, versatile, and efficient compared to graph-based Twitter bot detection
methods. | cs.AI | LMBot: Distilling Graph Knowledge into Language Model for Graph-less Deployment in Twitter Bot Detection |
2023-06-30T04:37:43Z | http://arxiv.org/pdf/2306.17399v1 | http://arxiv.org/abs/2306.17399v1 | Yusuke Ide, Masato Mita, Adam Nohejl, Hiroki Ouchi, Taro Watanabe | 2023-06-30T04:37:43Z | cs.CL | Lexical complexity prediction (LCP) is the task of predicting the complexity
of words in a text on a continuous scale. It plays a vital role in simplifying
or annotating complex words to assist readers. To study lexical complexity in
Japanese, we construct the first Japanese LCP dataset. Our dataset provides
separate complexity scores for Chinese/Korean annotators and others to address
the readers' L1-specific needs. In the baseline experiment, we demonstrate the
effectiveness of a BERT-based system for Japanese LCP. | cs.CL | Japanese Lexical Complexity for Non-Native Readers: A New Dataset |
2023-06-30T03:14:04Z | http://arxiv.org/pdf/2306.17384v1 | http://arxiv.org/abs/2306.17384v1 | Yash Mathur, Sanketh Rangreji, Raghav Kapoor, Medha Palavalli, Amanda Bertsch, Matthew R. Gormley | 2023-06-30T03:14:04Z | cs.CL | Medical dialogue summarization is challenging due to the unstructured nature
of medical conversations, the use of medical terminology in gold summaries, and
the need to identify key information across multiple symptom sets. We present a
novel system for the Dialogue2Note Medical Summarization tasks in the MEDIQA
2023 Shared Task. Our approach for section-wise summarization (Task A) is a
two-stage process of selecting semantically similar dialogues and using the
top-k similar dialogues as in-context examples for GPT-4. For full-note
summarization (Task B), we use a similar solution with k=1. We achieved 3rd
place in Task A (2nd among all teams), 4th place in Task B Division Wise
Summarization (2nd among all teams), 15th place in Task A Section Header
Classification (9th among all teams), and 8th place among all teams in Task B.
Our results highlight the effectiveness of few-shot prompting for this task,
though we also identify several weaknesses of prompting-based approaches. We
compare GPT-4 performance with several finetuned baselines. We find that GPT-4
summaries are more abstractive and shorter. We make our code publicly
available. | cs.CL | SummQA at MEDIQA-Chat 2023:In-Context Learning with GPT-4 for Medical Summarization |
2023-06-30T02:37:25Z | http://arxiv.org/pdf/2307.01209v1 | http://arxiv.org/abs/2307.01209v1 | Zhibai Jia | 2023-06-30T02:37:25Z | cs.CL, cs.LG, cs.SI | Machine learning techniques have shown their competence for representing and
reasoning in symbolic systems such as language and phonology. In Sinitic
Historical Phonology, notable tasks that could benefit from machine learning
include the comparison of dialects and reconstruction of proto-languages
systems. Motivated by this, this paper provides an approach for obtaining
multi-dialectal representations of Sinitic syllables, by constructing a
knowledge graph from structured phonological data, then applying the BoxE
technique from knowledge base learning. We applied unsupervised clustering
techniques to the obtained representations to observe that the representations
capture phonemic contrast from the input dialects. Furthermore, we trained
classifiers to perform inference of unobserved Middle Chinese labels, showing
the representations' potential for indicating archaic, proto-language features.
The representations can be used for performing completion of fragmented Sinitic
phonological knowledge bases, estimating divergences between different
characters, or aiding the exploration and reconstruction of archaic features. | cs.CL | Multi-Dialectal Representation Learning of Sinitic Phonology |
2023-06-29T22:13:38Z | http://arxiv.org/pdf/2306.17322v1 | http://arxiv.org/abs/2306.17322v1 | Ryan Muther, David Smith | 2023-06-29T22:13:38Z | cs.CL | This paper explores new methods for locating the sources used to write a
text, by fine-tuning a variety of language models to rerank candidate sources.
After retrieving candidates sources using a baseline BM25 retrieval model, a
variety of reranking methods are tested to see how effective they are at the
task of source attribution. We conduct experiments on two datasets, English
Wikipedia and medieval Arabic historical writing, and employ a variety of
retrieval and generation based reranking models. In particular, we seek to
understand how the degree of supervision required affects the performance of
various reranking models. We find that semisupervised methods can be nearly as
effective as fully supervised methods while avoiding potentially costly
span-level annotation of the target and source documents. | cs.CL | Citations as Queries: Source Attribution Using Language Models as Rerankers |
2023-06-29T20:25:28Z | http://arxiv.org/pdf/2306.17290v1 | http://arxiv.org/abs/2306.17290v1 | Hantian Ding, Jinrui Yang, Yuqian Deng, Hongming Zhang, Dan Roth | 2023-06-29T20:25:28Z | cs.CL | We introduce an open-domain topic classification system that accepts
user-defined taxonomy in real time. Users will be able to classify a text
snippet with respect to any candidate labels they want, and get instant
response from our web interface. To obtain such flexibility, we build the
backend model in a zero-shot way. By training on a new dataset constructed from
Wikipedia, our label-aware text classifier can effectively utilize implicit
knowledge in the pretrained language model to handle labels it has never seen
before. We evaluate our model across four datasets from various domains with
different label sets. Experiments show that the model significantly improves
over existing zero-shot baselines in open-domain scenarios, and performs
competitively with weakly-supervised models trained on in-domain data. | cs.CL | Towards Open-Domain Topic Classification |
2023-06-29T18:51:42Z | http://arxiv.org/pdf/2306.17257v1 | http://arxiv.org/abs/2306.17257v1 | Yuelyu Ji, Yuhe Gao, Runxue Bao, Qi Li, Disheng Liu, Yiming Sun, Ye Ye | 2023-06-29T18:51:42Z | cs.LG, cs.AI, cs.CL | The coronavirus disease 2019 (COVID-19) has led to a global pandemic of
significant severity. In addition to its high level of contagiousness, COVID-19
can have a heterogeneous clinical course, ranging from asymptomatic carriers to
severe and potentially life-threatening health complications. Many patients
have to revisit the emergency room (ER) within a short time after discharge,
which significantly increases the workload for medical staff. Early
identification of such patients is crucial for helping physicians focus on
treating life-threatening cases. In this study, we obtained Electronic Health
Records (EHRs) of 3,210 encounters from 13 affiliated ERs within the University
of Pittsburgh Medical Center between March 2020 and January 2021. We leveraged
a Natural Language Processing technique, ScispaCy, to extract clinical concepts
and used the 1001 most frequent concepts to develop 7-day revisit models for
COVID-19 patients in ERs. The research data we collected from 13 ERs may have
distributional differences that could affect the model development. To address
this issue, we employed a classic deep transfer learning method called the
Domain Adversarial Neural Network (DANN) and evaluated different modeling
strategies, including the Multi-DANN algorithm, the Single-DANN algorithm, and
three baseline methods. Results showed that the Multi-DANN models outperformed
the Single-DANN models and baseline models in predicting revisits of COVID-19
patients to the ER within 7 days after discharge. Notably, the Multi-DANN
strategy effectively addressed the heterogeneity among multiple source domains
and improved the adaptation of source data to the target domain. Moreover, the
high performance of Multi-DANN models indicates that EHRs are informative for
developing a prediction model to identify COVID-19 patients who are very likely
to revisit an ER within 7 days after discharge. | cs.LG | Prediction of COVID-19 Patients' Emergency Room Revisit using Multi-Source Transfer Learning |
2023-06-29T18:50:12Z | http://arxiv.org/pdf/2306.17256v5 | http://arxiv.org/abs/2306.17256v5 | Xuansheng Wu, Huachi Zhou, Yucheng Shi, Wenlin Yao, Xiao Huang, Ninghao Liu | 2024-03-04T21:14:01Z | cs.IR, cs.AI, cs.CL, cs.SI | Recommendation systems help users find matched items based on their previous
behaviors. Personalized recommendation becomes challenging in the absence of
historical user-item interactions, a practical problem for startups known as
the system cold-start recommendation. While existing research addresses
cold-start issues for either users or items, we still lack solutions for system
cold-start scenarios. To tackle the problem, we propose PromptRec, a simple but
effective approach based on in-context learning of language models, where we
transform the recommendation task into the sentiment analysis task on natural
language containing user and item profiles. However, this naive approach
heavily relies on the strong in-context learning ability emerged from large
language models, which could suffer from significant latency for online
recommendations. To solve the challenge, we propose to enhance small language
models for recommender systems with a data-centric pipeline, which consists of:
(1) constructing a refined corpus for model pre-training; (2) constructing a
decomposed prompt template via prompt pre-training. They correspond to the
development of training data and inference data, respectively. The pipeline is
supported by a theoretical framework that formalizes the connection between
in-context recommendation and language modeling. To evaluate our approach, we
introduce a cold-start recommendation benchmark, and the results demonstrate
that the enhanced small language models can achieve comparable cold-start
recommendation performance to that of large models with only $17\%$ of the
inference time. To the best of our knowledge, this is the first study to tackle
the system cold-start recommendation problem. We believe our findings will
provide valuable insights for future works. The benchmark and implementations
are available at https://github.com/JacksonWuxs/PromptRec. | cs.IR | Could Small Language Models Serve as Recommenders? Towards Data-centric Cold-start Recommendations |
2023-06-29T17:57:40Z | http://arxiv.org/pdf/2306.17156v3 | http://arxiv.org/abs/2306.17156v3 | Tung Phung, Victor-Alexandru Pădurean, José Cambronero, Sumit Gulwani, Tobias Kohn, Rupak Majumdar, Adish Singla, Gustavo Soares | 2023-08-01T00:03:25Z | cs.CY, cs.AI, cs.CL | Generative AI and large language models hold great promise in enhancing
computing education by powering next-generation educational technologies for
introductory programming. Recent works have studied these models for different
scenarios relevant to programming education; however, these works are limited
for several reasons, as they typically consider already outdated models or only
specific scenario(s). Consequently, there is a lack of a systematic study that
benchmarks state-of-the-art models for a comprehensive set of programming
education scenarios. In our work, we systematically evaluate two models,
ChatGPT (based on GPT-3.5) and GPT-4, and compare their performance with human
tutors for a variety of scenarios. We evaluate using five introductory Python
programming problems and real-world buggy programs from an online platform, and
assess performance using expert-based annotations. Our results show that GPT-4
drastically outperforms ChatGPT (based on GPT-3.5) and comes close to human
tutors' performance for several scenarios. These results also highlight
settings where GPT-4 still struggles, providing exciting future directions on
developing techniques to improve the performance of these models. | cs.CY | Generative AI for Programming Education: Benchmarking ChatGPT, GPT-4, and Human Tutors |
2023-06-29T17:08:16Z | http://arxiv.org/pdf/2306.17107v2 | http://arxiv.org/abs/2306.17107v2 | Yanzhe Zhang, Ruiyi Zhang, Jiuxiang Gu, Yufan Zhou, Nedim Lipka, Diyi Yang, Tong Sun | 2024-02-02T19:44:14Z | cs.CV, cs.CL | Instruction tuning unlocks the superior capability of Large Language Models
(LLM) to interact with humans. Furthermore, recent instruction-following
datasets include images as visual inputs, collecting responses for image-based
instructions. However, visual instruction-tuned models cannot comprehend
textual details within images well. This work enhances the current visual
instruction tuning pipeline with text-rich images (e.g., movie posters, book
covers, etc.). Specifically, we first use publicly available OCR tools to
collect results on 422K text-rich images from the LAION dataset. Moreover, we
prompt text-only GPT-4 with recognized texts and image captions to generate 16K
conversations, each containing question-answer pairs for text-rich images. By
combining our collected data with previous multi-modal instruction-following
data, our model, LLaVAR, substantially improves the LLaVA model's capability on
text-based VQA datasets (up to 20% accuracy improvement) while achieving an
accuracy of 91.42% on ScienceQA. The GPT-4-based instruction-following
evaluation also demonstrates the improvement of our model on both natural
images and text-rich images. Through qualitative analysis, LLaVAR shows
promising interaction (e.g., reasoning, writing, and elaboration) skills with
humans based on the latest real-world online content that combines text and
images. We make our code/data/models publicly available at
https://llavar.github.io/. | cs.CV | LLaVAR: Enhanced Visual Instruction Tuning for Text-Rich Image Understanding |
2023-06-29T17:01:51Z | http://arxiv.org/pdf/2306.17103v3 | http://arxiv.org/abs/2306.17103v3 | Le Zhuo, Ruibin Yuan, Jiahao Pan, Yinghao Ma, Yizhi LI, Ge Zhang, Si Liu, Roger Dannenberg, Jie Fu, Chenghua Lin, Emmanouil Benetos, Wenhu Chen, Wei Xue, Yike Guo | 2023-11-21T16:32:41Z | cs.CL, cs.SD, eess.AS | We introduce LyricWhiz, a robust, multilingual, and zero-shot automatic
lyrics transcription method achieving state-of-the-art performance on various
lyrics transcription datasets, even in challenging genres such as rock and
metal. Our novel, training-free approach utilizes Whisper, a weakly supervised
robust speech recognition model, and GPT-4, today's most performant chat-based
large language model. In the proposed method, Whisper functions as the "ear" by
transcribing the audio, while GPT-4 serves as the "brain," acting as an
annotator with a strong performance for contextualized output selection and
correction. Our experiments show that LyricWhiz significantly reduces Word
Error Rate compared to existing methods in English and can effectively
transcribe lyrics across multiple languages. Furthermore, we use LyricWhiz to
create the first publicly available, large-scale, multilingual lyrics
transcription dataset with a CC-BY-NC-SA copyright license, based on
MTG-Jamendo, and offer a human-annotated subset for noise level estimation and
evaluation. We anticipate that our proposed method and dataset will advance the
development of multilingual lyrics transcription, a challenging and emerging
task. | cs.CL | LyricWhiz: Robust Multilingual Zero-shot Lyrics Transcription by Whispering to ChatGPT |
2023-06-29T16:47:11Z | http://arxiv.org/pdf/2306.17089v2 | http://arxiv.org/abs/2306.17089v2 | Daniel T. Chang | 2023-09-19T21:15:52Z | cs.LG, cs.CL | Large Language Models (LLMs) have been successfully used in many
natural-language tasks and applications including text generation and AI
chatbots. They also are a promising new technology for concept-oriented deep
learning (CODL). However, the prerequisite is that LLMs understand concepts and
ensure conceptual consistency. We discuss these in this paper, as well as major
uses of LLMs for CODL including concept extraction from text, concept graph
extraction from text, and concept learning. Human knowledge consists of both
symbolic (conceptual) knowledge and embodied (sensory) knowledge. Text-only
LLMs, however, can represent only symbolic (conceptual) knowledge. Multimodal
LLMs, on the other hand, are capable of representing the full range (conceptual
and sensory) of human knowledge. We discuss conceptual understanding in
visual-language LLMs, the most important multimodal LLMs, and major uses of
them for CODL including concept extraction from image, concept graph extraction
from image, and concept learning. While uses of LLMs for CODL are valuable
standalone, they are particularly valuable as part of LLM applications such as
AI chatbots. | cs.LG | Concept-Oriented Deep Learning with Large Language Models |
2023-06-29T16:05:40Z | http://arxiv.org/pdf/2306.17059v2 | http://arxiv.org/abs/2306.17059v2 | Jina Kim, Zekun Li, Yijun Lin, Min Namgung, Leeje Jang, Yao-Yi Chiang | 2023-07-03T19:38:37Z | cs.AI, cs.CL, cs.CV | Scanned historical maps in libraries and archives are valuable repositories
of geographic data that often do not exist elsewhere. Despite the potential of
machine learning tools like the Google Vision APIs for automatically
transcribing text from these maps into machine-readable formats, they do not
work well with large-sized images (e.g., high-resolution scanned documents),
cannot infer the relation between the recognized text and other datasets, and
are challenging to integrate with post-processing tools. This paper introduces
the mapKurator system, an end-to-end system integrating machine learning models
with a comprehensive data processing pipeline. mapKurator empowers automated
extraction, post-processing, and linkage of text labels from large numbers of
large-dimension historical map scans. The output data, comprising bounding
polygons and recognized text, is in the standard GeoJSON format, making it
easily modifiable within Geographic Information Systems (GIS). The proposed
system allows users to quickly generate valuable data from large numbers of
historical maps for in-depth analysis of the map content and, in turn,
encourages map findability, accessibility, interoperability, and reusability
(FAIR principles). We deployed the mapKurator system and enabled the processing
of over 60,000 maps and over 100 million text/place names in the David Rumsey
Historical Map collection. We also demonstrated a seamless integration of
mapKurator with a collaborative web platform to enable accessing automated
approaches for extracting and linking text labels from historical map scans and
collective work to improve the results. | cs.AI | The mapKurator System: A Complete Pipeline for Extracting and Linking Text from Historical Maps |
2023-06-29T15:39:20Z | http://arxiv.org/pdf/2306.17042v1 | http://arxiv.org/abs/2306.17042v1 | Gianpietro Castiglione, Giampaolo Bella, Daniele Francesco Santamaria | 2023-06-29T15:39:20Z | cs.CL, cs.CY | Legal language can be understood as the language typically used by those
engaged in the legal profession and, as such, it may come both in spoken or
written form. Recent legislation on cybersecurity obviously uses legal language
in writing, thus inheriting all its interpretative complications due to the
typical abundance of cases and sub-cases as well as to the general richness in
detail. This paper faces the challenge of the essential interpretation of the
legal language of cybersecurity, namely of the extraction of the essential
Parts of Speech (POS) from the legal documents concerning cybersecurity. The
challenge is overcome by our methodology for POS tagging of legal language. It
leverages state-of-the-art open-source tools for Natural Language Processing
(NLP) as well as manual analysis to validate the outcomes of the tools. As a
result, the methodology is automated and, arguably, general for any legal
language following minor tailoring of the preprocessing step. It is
demonstrated over the most relevant EU legislation on cybersecurity, namely on
the NIS 2 directive, producing the first, albeit essential, structured
interpretation of such a relevant document. Moreover, our findings indicate
that tools such as SpaCy and ClausIE reach their limits over the legal language
of the NIS 2. | cs.CL | Towards Grammatical Tagging for the Legal Language of Cybersecurity |
2023-06-29T15:35:34Z | http://arxiv.org/pdf/2306.17034v1 | http://arxiv.org/abs/2306.17034v1 | Tao He, Ming Liu, Yixin Cao, Zekun Wang, Zihao Zheng, Zheng Chu, Bing Qin | 2023-06-29T15:35:34Z | cs.AI, cs.CL | Sparse knowledge graph (KG) scenarios pose a challenge for previous Knowledge
Graph Completion (KGC) methods, that is, the completion performance decreases
rapidly with the increase of graph sparsity. This problem is also exacerbated
because of the widespread existence of sparse KGs in practical applications. To
alleviate this challenge, we present a novel framework, LR-GCN, that is able to
automatically capture valuable long-range dependency among entities to
supplement insufficient structure features and distill logical reasoning
knowledge for sparse KGC. The proposed approach comprises two main components:
a GNN-based predictor and a reasoning path distiller. The reasoning path
distiller explores high-order graph structures such as reasoning paths and
encodes them as rich-semantic edges, explicitly compositing long-range
dependencies into the predictor. This step also plays an essential role in
densifying KGs, effectively alleviating the sparse issue. Furthermore, the path
distiller further distills logical reasoning knowledge from these mined
reasoning paths into the predictor. These two components are jointly optimized
using a well-designed variational EM algorithm. Extensive experiments and
analyses on four sparse benchmarks demonstrate the effectiveness of our
proposed method. | cs.AI | Exploring & Exploiting High-Order Graph Structure for Sparse Knowledge Graph Completion |
2023-06-29T15:12:24Z | http://arxiv.org/pdf/2306.17020v2 | http://arxiv.org/abs/2306.17020v2 | Haoxuan Xu, Zeyu He, Mengfan Shen, Songning Lai, Ziqiang Han, Yifan Peng | 2023-10-21T14:44:41Z | cs.CL, cs.AI | The task of determining crime types based on criminal behavior facts has
become a very important and meaningful task in social science. But the problem
facing the field now is that the data samples themselves are unevenly
distributed, due to the nature of the crime itself. At the same time, data sets
in the judicial field are less publicly available, and it is not practical to
produce large data sets for direct training. This article proposes a new
training model to solve this problem through NLP processing methods. We first
propose a Crime Fact Data Preprocessing Module (CFDPM), which can balance the
defects of uneven data set distribution by generating new samples. Then we use
a large open source dataset (CAIL-big) as our pretraining dataset and a small
dataset collected by ourselves for Fine-tuning, giving it good generalization
ability to unfamiliar small datasets. At the same time, we use the improved
Bert model with dynamic masking to improve the model. Experiments show that the
proposed method achieves state-of-the-art results on the present dataset. At
the same time, the effectiveness of module CFDPM is proved by experiments. This
article provides a valuable methodology contribution for classifying social
science texts such as criminal behaviors. Extensive experiments on public
benchmarks show that the proposed method achieves new state-of-the-art results. | cs.CL | Classifying Crime Types using Judgment Documents from Social Media |
2023-06-29T15:02:22Z | http://arxiv.org/pdf/2306.17005v1 | http://arxiv.org/abs/2306.17005v1 | Junchen Lu, Berrak Sisman, Mingyang Zhang, Haizhou Li | 2023-06-29T15:02:22Z | eess.AS, cs.CL, cs.SD | The goal of Automatic Voice Over (AVO) is to generate speech in sync with a
silent video given its text script. Recent AVO frameworks built upon
text-to-speech synthesis (TTS) have shown impressive results. However, the
current AVO learning objective of acoustic feature reconstruction brings in
indirect supervision for inter-modal alignment learning, thus limiting the
synchronization performance and synthetic speech quality. To this end, we
propose a novel AVO method leveraging the learning objective of self-supervised
discrete speech unit prediction, which not only provides more direct
supervision for the alignment learning, but also alleviates the mismatch
between the text-video context and acoustic features. Experimental results show
that our proposed method achieves remarkable lip-speech synchronization and
high speech quality by outperforming baselines in both objective and subjective
evaluations. Code and speech samples are publicly available. | eess.AS | High-Quality Automatic Voice Over with Accurate Alignment: Supervision through Self-Supervised Discrete Speech Units |
2023-06-29T14:03:49Z | http://arxiv.org/pdf/2306.16956v1 | http://arxiv.org/abs/2306.16956v1 | Hongjie Cai, Nan Song, Zengzhi Wang, Qiming Xie, Qiankun Zhao, Ke Li, Siwei Wu, Shijie Liu, Jianfei Yu, Rui Xia | 2023-06-29T14:03:49Z | cs.CL, cs.AI | Aspect-based sentiment analysis is a long-standing research interest in the
field of opinion mining, and in recent years, researchers have gradually
shifted their focus from simple ABSA subtasks to end-to-end multi-element ABSA
tasks. However, the datasets currently used in the research are limited to
individual elements of specific tasks, usually focusing on in-domain settings,
ignoring implicit aspects and opinions, and with a small data scale. To address
these issues, we propose a large-scale Multi-Element Multi-Domain dataset
(MEMD) that covers the four elements across five domains, including nearly
20,000 review sentences and 30,000 quadruples annotated with explicit and
implicit aspects and opinions for ABSA research. Meanwhile, we evaluate
generative and non-generative baselines on multiple ABSA subtasks under the
open domain setting, and the results show that open domain ABSA as well as
mining implicit aspects and opinions remain ongoing challenges to be addressed.
The datasets are publicly released at \url{https://github.com/NUSTM/MEMD-ABSA}. | cs.CL | MEMD-ABSA: A Multi-Element Multi-Domain Dataset for Aspect-Based Sentiment Analysis |
2023-06-29T13:59:18Z | http://arxiv.org/pdf/2306.16955v1 | http://arxiv.org/abs/2306.16955v1 | Francesco Foscarin, Daniel Harasim, Gerhard Widmer | 2023-06-29T13:59:18Z | cs.SD, cs.CL, eess.AS | This paper describes a data-driven framework to parse musical sequences into
dependency trees, which are hierarchical structures used in music cognition
research and music analysis. The parsing involves two steps. First, the input
sequence is passed through a transformer encoder to enrich it with contextual
information. Then, a classifier filters the graph of all possible dependency
arcs to produce the dependency tree. One major benefit of this system is that
it can be easily integrated into modern deep-learning pipelines. Moreover,
since it does not rely on any particular symbolic grammar, it can consider
multiple musical features simultaneously, make use of sequential context
information, and produce partial results for noisy inputs. We test our approach
on two datasets of musical trees -- time-span trees of monophonic note
sequences and harmonic trees of jazz chord sequences -- and show that our
approach outperforms previous methods. | cs.SD | Predicting Music Hierarchies with a Graph-Based Neural Decoder |
2023-06-29T13:30:41Z | http://arxiv.org/pdf/2306.16931v1 | http://arxiv.org/abs/2306.16931v1 | Junda Wang, Zonghai Yao, Avijit Mitra, Samuel Osebe, Zhichao Yang, Hong Yu | 2023-06-29T13:30:41Z | cs.CL, cs.AI | This paper presents UMASS_BioNLP team participation in the MEDIQA-Chat 2023
shared task for Task-A and Task-C. We focus especially on Task-C and propose a
novel LLMs cooperation system named a doctor-patient loop to generate
high-quality conversation data sets. The experiment results demonstrate that
our approaches yield reasonable performance as evaluated by automatic metrics
such as ROUGE, medical concept recall, BLEU, and Self-BLEU. Furthermore, we
conducted a comparative analysis between our proposed method and ChatGPT and
GPT-4. This analysis also investigates the potential of utilizing cooperation
LLMs to generate high-quality datasets. | cs.CL | UMASS_BioNLP at MEDIQA-Chat 2023: Can LLMs generate high-quality synthetic note-oriented doctor-patient conversations? |
2023-06-29T12:48:25Z | http://arxiv.org/pdf/2306.16903v1 | http://arxiv.org/abs/2306.16903v1 | Robert Flynn, Anton Ragni | 2023-06-29T12:48:25Z | cs.CL, cs.SD, eess.AS | While external language models (LMs) are often incorporated into the decoding
stage of automated speech recognition systems, these models usually operate
with limited context. Cross utterance information has been shown to be
beneficial during second pass re-scoring, however this limits the hypothesis
space based on the local information available to the first pass LM. In this
work, we investigate the incorporation of long-context transformer LMs for
cross-utterance decoding of acoustic models via beam search, and compare
against results from n-best rescoring. Results demonstrate that beam search
allows for an improved use of cross-utterance context. When evaluating on the
long-format dataset AMI, results show a 0.7\% and 0.3\% absolute reduction on
dev and test sets compared to the single-utterance setting, with improvements
when including up to 500 tokens of prior context. Evaluations are also provided
for Tedlium-1 with less significant improvements of around 0.1\% absolute. | cs.CL | Leveraging Cross-Utterance Context For ASR Decoding |
2023-06-29T12:44:53Z | http://arxiv.org/pdf/2306.16900v2 | http://arxiv.org/abs/2306.16900v2 | Ji-Ung Lee, Haritz Puerto, Betty van Aken, Yuki Arase, Jessica Zosa Forde, Leon Derczynski, Andreas Rücklé, Iryna Gurevych, Roy Schwartz, Emma Strubell, Jesse Dodge | 2023-11-09T13:52:45Z | cs.CL | Many recent improvements in NLP stem from the development and use of large
pre-trained language models (PLMs) with billions of parameters. Large model
sizes makes computational cost one of the main limiting factors for training
and evaluating such models; and has raised severe concerns about the
sustainability, reproducibility, and inclusiveness for researching PLMs. These
concerns are often based on personal experiences and observations. However,
there had not been any large-scale surveys that investigate them. In this work,
we provide a first attempt to quantify these concerns regarding three topics,
namely, environmental impact, equity, and impact on peer reviewing. By
conducting a survey with 312 participants from the NLP community, we capture
existing (dis)parities between different and within groups with respect to
seniority, academia, and industry; and their impact on the peer reviewing
process. For each topic, we provide an analysis and devise recommendations to
mitigate found disparities, some of which already successfully implemented.
Finally, we discuss additional concerns raised by many participants in
free-text responses. | cs.CL | Surveying (Dis)Parities and Concerns of Compute Hungry NLP Research |
2023-06-29T10:32:09Z | http://arxiv.org/pdf/2306.16842v1 | http://arxiv.org/abs/2306.16842v1 | Vilém Zouhar, Clara Meister, Juan Luis Gastaldi, Li Du, Mrinmaya Sachan, Ryan Cotterell | 2023-06-29T10:32:09Z | cs.CL, cs.IT, math.IT | Subword tokenization is a key part of many NLP pipelines. However, little is
known about why some tokenizer and hyperparameter combinations lead to better
downstream model performance than others. We propose that good tokenizers lead
to \emph{efficient} channel usage, where the channel is the means by which some
input is conveyed to the model and efficiency can be quantified in
information-theoretic terms as the ratio of the Shannon entropy to the maximum
possible entropy of the token distribution. Yet, an optimal encoding according
to Shannon entropy assigns extremely long codes to low-frequency tokens and
very short codes to high-frequency tokens. Defining efficiency in terms of
R\'enyi entropy, on the other hand, penalizes distributions with either very
high or very low-frequency tokens. In machine translation, we find that across
multiple tokenizers, the R\'enyi entropy with $\alpha = 2.5$ has a very strong
correlation with \textsc{Bleu}: $0.78$ in comparison to just $-0.32$ for
compressed length. | cs.CL | Tokenization and the Noiseless Channel |
2023-06-29T10:29:23Z | http://arxiv.org/pdf/2306.16837v1 | http://arxiv.org/abs/2306.16837v1 | Vilém Zouhar, Clara Meister, Juan Luis Gastaldi, Li Du, Tim Vieira, Mrinmaya Sachan, Ryan Cotterell | 2023-06-29T10:29:23Z | cs.CL, math.OC | Byte-Pair Encoding (BPE) is a popular algorithm used for tokenizing data in
NLP, despite being devised initially as a compression method. BPE appears to be
a greedy algorithm at face value, but the underlying optimization problem that
BPE seeks to solve has not yet been laid down. We formalize BPE as a
combinatorial optimization problem. Via submodular functions, we prove that the
iterative greedy version is a
$\frac{1}{{\sigma(\boldsymbol{\mu}^\star)}}(1-e^{-{\sigma(\boldsymbol{\mu}^\star)}})$-approximation
of an optimal merge sequence, where ${\sigma(\boldsymbol{\mu}^\star)}$ is the
total backward curvature with respect to the optimal merge sequence
$\boldsymbol{\mu}^\star$. Empirically the lower bound of the approximation is
$\approx 0.37$.
We provide a faster implementation of BPE which improves the runtime
complexity from $\mathcal{O}\left(N M\right)$ to $\mathcal{O}\left(N \log
M\right)$, where $N$ is the sequence length and $M$ is the merge count.
Finally, we optimize the brute-force algorithm for optimal BPE using
memoization. | cs.CL | A Formal Perspective on Byte-Pair Encoding |
2023-06-29T09:35:53Z | http://arxiv.org/pdf/2306.16805v2 | http://arxiv.org/abs/2306.16805v2 | Roy Ganz, Michael Elad | 2023-09-01T12:53:44Z | cs.CV, cs.CL, cs.LG | Perceptually Aligned Gradients (PAG) refer to an intriguing property observed
in robust image classification models, wherein their input gradients align with
human perception and pose semantic meanings. While this phenomenon has gained
significant research attention, it was solely studied in the context of
unimodal vision-only architectures. In this work, we extend the study of PAG to
Vision-Language architectures, which form the foundations for diverse
image-text tasks and applications. Through an adversarial robustification
finetuning of CLIP, we demonstrate that robust Vision-Language models exhibit
PAG in contrast to their vanilla counterparts. This work reveals the merits of
CLIP with PAG (CLIPAG) in several vision-language generative tasks. Notably, we
show that seamlessly integrating CLIPAG in a "plug-n-play" manner leads to
substantial improvements in vision-language generative applications.
Furthermore, leveraging its PAG property, CLIPAG enables text-to-image
generation without any generative model, which typically requires huge
generators. | cs.CV | CLIPAG: Towards Generator-Free Text-to-Image Generation |
2023-06-29T08:59:40Z | http://arxiv.org/pdf/2306.16793v1 | http://arxiv.org/abs/2306.16793v1 | Joshua Maynez, Priyanka Agrawal, Sebastian Gehrmann | 2023-06-29T08:59:40Z | cs.CL | Pre-trained large language models (PLMs) underlie most new developments in
natural language processing. They have shifted the field from
application-specific model pipelines to a single model that is adapted to a
wide range of tasks. Autoregressive PLMs like GPT-3 or PaLM, alongside
techniques like few-shot learning, have additionally shifted the output
modality to generation instead of classification or regression. Despite their
ubiquitous use, the generation quality of language models is rarely evaluated
when these models are introduced. Additionally, it is unclear how existing
generation tasks--while they can be used to compare systems at a high
level--relate to the real world use cases for which people have been adopting
them. In this work, we discuss how to adapt existing application-specific
generation benchmarks to PLMs and provide an in-depth, empirical study of the
limitations and capabilities of PLMs in natural language generation tasks along
dimensions such as scale, architecture, input and output language. Our results
show that PLMs differ in their applicability to different data regimes and
their generalization to multiple languages and inform which PLMs to use for a
given generation task setup. We share best practices to be taken into
consideration when benchmarking generation capabilities during the development
of upcoming PLMs. | cs.CL | Benchmarking Large Language Model Capabilities for Conditional Generation |
2023-06-29T08:20:57Z | http://arxiv.org/pdf/2306.16774v1 | http://arxiv.org/abs/2306.16774v1 | Yasmine Karoui, Rémi Lebret, Negar Foroutan, Karl Aberer | 2023-06-29T08:20:57Z | cs.CL | Vision-Language Pre-training (VLP) has advanced the performance of many
vision-language tasks, such as image-text retrieval, visual entailment, and
visual reasoning. The pre-training mostly utilizes lexical databases and image
queries in English. Previous work has demonstrated that the pre-training in
English does not transfer well to other languages in a zero-shot setting.
However, multilingual pre-trained language models (MPLM) have excelled at a
variety of single-modal language tasks. In this paper, we propose a simple yet
efficient approach to adapt VLP to unseen languages using MPLM. We utilize a
cross-lingual contextualized token embeddings alignment approach to train text
encoders for non-English languages. Our approach does not require image input
and primarily uses machine translation, eliminating the need for target
language data. Our evaluation across three distinct tasks (image-text
retrieval, visual entailment, and natural language visual reasoning)
demonstrates that this approach outperforms the state-of-the-art multilingual
vision-language models without requiring large parallel corpora. Our code is
available at https://github.com/Yasminekaroui/CliCoTea. | cs.CL | Stop Pre-Training: Adapt Visual-Language Models to Unseen Languages |
2023-06-29T08:12:47Z | http://arxiv.org/pdf/2306.16770v1 | http://arxiv.org/abs/2306.16770v1 | Ang Lv, Jinpeng Li, Yuhan Chen, Xing Gao, Ji Zhang, Rui Yan | 2023-06-29T08:12:47Z | cs.CL, cs.AI | In open-domain dialogue generation tasks, contexts and responses in most
datasets are one-to-one mapped, violating an important many-to-many
characteristic: a context leads to various responses, and a response answers
multiple contexts. Without such patterns, models poorly generalize and prefer
responding safely. Many attempts have been made in either multi-turn settings
from a one-to-many perspective or in a many-to-many perspective but limited to
single-turn settings. The major challenge to many-to-many augment multi-turn
dialogues is that discretely replacing each turn with semantic similarity
breaks fragile context coherence. In this paper, we propose DialoGue Path
Sampling (DialoGPS) method in continuous semantic space, the first many-to-many
augmentation method for multi-turn dialogues. Specifically, we map a dialogue
to our extended Brownian Bridge, a special Gaussian process. We sample latent
variables to form coherent dialogue paths in the continuous space. A dialogue
path corresponds to a new multi-turn dialogue and is used as augmented training
data. We show the effect of DialoGPS with both automatic and human evaluation. | cs.CL | DialoGPS: Dialogue Path Sampling in Continuous Semantic Space for Data Augmentation in Multi-Turn Conversations |
2023-06-29T08:06:54Z | http://arxiv.org/pdf/2306.17199v1 | http://arxiv.org/abs/2306.17199v1 | Jarod Duret, Titouan Parcollet, Yannick Estève | 2023-06-29T08:06:54Z | eess.AS, cs.CL, cs.SD | We propose a method for speech-to-speech emotionpreserving translation that
operates at the level of discrete speech units. Our approach relies on the use
of multilingual emotion embedding that can capture affective information in a
language-independent manner. We show that this embedding can be used to predict
the pitch and duration of speech units in a target language, allowing us to
resynthesize the source speech signal with the same emotional content. We
evaluate our approach to English and French speech signals and show that it
outperforms a baseline method that does not use emotional information,
including when the emotion embedding is extracted from a different language.
Even if this preliminary study does not address directly the machine
translation issue, our results demonstrate the effectiveness of our approach
for cross-lingual emotion preservation in the context of speech resynthesis. | eess.AS | Learning Multilingual Expressive Speech Representation for Prosody Prediction without Parallel Data |
2023-06-29T08:02:23Z | http://arxiv.org/pdf/2306.16762v1 | http://arxiv.org/abs/2306.16762v1 | Bowen Yu, Cheng Fu, Haiyang Yu, Fei Huang, Yongbin Li | 2023-06-29T08:02:23Z | cs.CL | When trying to answer complex questions, people often rely on multiple
sources of information, such as visual, textual, and tabular data. Previous
approaches to this problem have focused on designing input features or model
structure in the multi-modal space, which is inflexible for cross-modal
reasoning or data-efficient training. In this paper, we call for an alternative
paradigm, which transforms the images and tables into unified language
representations, so that we can simplify the task into a simpler textual QA
problem that can be solved using three steps: retrieval, ranking, and
generation, all within a language space. This idea takes advantage of the power
of pre-trained language models and is implemented in a framework called Solar.
Our experimental results show that Solar outperforms all existing methods by
10.6-32.3 pts on two datasets, MultimodalQA and MMCoQA, across ten different
metrics. Additionally, Solar achieves the best performance on the WebQA
leaderboard | cs.CL | Unified Language Representation for Question Answering over Text, Tables, and Images |
2023-06-29T06:48:22Z | http://arxiv.org/pdf/2306.16722v1 | http://arxiv.org/abs/2306.16722v1 | Dhruv Verma, Yash Kumar Lal, Shreyashee Sinha, Benjamin Van Durme, Adam Poliak | 2023-06-29T06:48:22Z | cs.CL, cs.AI | We present PaRTE, a collection of 1,126 pairs of Recognizing Textual
Entailment (RTE) examples to evaluate whether models are robust to
paraphrasing. We posit that if RTE models understand language, their
predictions should be consistent across inputs that share the same meaning. We
use the evaluation set to determine if RTE models' predictions change when
examples are paraphrased. In our experiments, contemporary models change their
predictions on 8-16\% of paraphrased examples, indicating that there is still
room for improvement. | cs.CL | Evaluating Paraphrastic Robustness in Textual Entailment Models |
2023-06-29T06:14:26Z | http://arxiv.org/pdf/2306.16710v1 | http://arxiv.org/abs/2306.16710v1 | Simone Wills, Yu Bai, Cristian Tejedor-Garcia, Catia Cucchiarini, Helmer Strik | 2023-06-29T06:14:26Z | cs.CL, cs.SD, eess.AS | Voicebots have provided a new avenue for supporting the development of
language skills, particularly within the context of second language learning.
Voicebots, though, have largely been geared towards native adult speakers. We
sought to assess the performance of two state-of-the-art ASR systems,
Wav2Vec2.0 and Whisper AI, with a view to developing a voicebot that can
support children acquiring a foreign language. We evaluated their performance
on read and extemporaneous speech of native and non-native Dutch children. We
also investigated the utility of using ASR technology to provide insight into
the children's pronunciation and fluency. The results show that recent,
pre-trained ASR transformer-based models achieve acceptable performance from
which detailed feedback on phoneme pronunciation quality can be extracted,
despite the challenging nature of child and non-native speech. | cs.CL | Automatic Speech Recognition of Non-Native Child Speech for Language Learning Applications |
2023-06-29T03:26:10Z | http://arxiv.org/pdf/2306.16650v1 | http://arxiv.org/abs/2306.16650v1 | Liqiang Jing, Xuemeng Song, Kun Ouyang, Mengzhao Jia, Liqiang Nie | 2023-06-29T03:26:10Z | cs.CL, cs.AI | Multimodal Sarcasm Explanation (MuSE) is a new yet challenging task, which
aims to generate a natural language sentence for a multimodal social post (an
image as well as its caption) to explain why it contains sarcasm. Although the
existing pioneer study has achieved great success with the BART backbone, it
overlooks the gap between the visual feature space and the decoder semantic
space, the object-level metadata of the image, as well as the potential
external knowledge. To solve these limitations, in this work, we propose a
novel mulTi-source sEmantic grAph-based Multimodal sarcasm explanation scheme,
named TEAM. In particular, TEAM extracts the object-level semantic meta-data
instead of the traditional global visual features from the input image.
Meanwhile, TEAM resorts to ConceptNet to obtain the external related knowledge
concepts for the input text and the extracted object meta-data. Thereafter,
TEAM introduces a multi-source semantic graph that comprehensively characterize
the multi-source (i.e., caption, object meta-data, external knowledge) semantic
relations to facilitate the sarcasm reasoning. Extensive experiments on a
public released dataset MORE verify the superiority of our model over
cutting-edge methods. | cs.CL | Multi-source Semantic Graph-based Multimodal Sarcasm Explanation Generation |
2023-06-29T03:22:43Z | http://arxiv.org/pdf/2306.16649v1 | http://arxiv.org/abs/2306.16649v1 | Haoqin Tu, Bowen Yang, Xianfeng Zhao | 2023-06-29T03:22:43Z | cs.CL | Automatically generating textual content with desired attributes is an
ambitious task that people have pursued long. Existing works have made a series
of progress in incorporating unimodal controls into language models (LMs),
whereas how to generate controllable sentences with multimodal signals and high
efficiency remains an open question. To tackle the puzzle, we propose a new
paradigm of zero-shot controllable text generation with multimodal signals
(\textsc{ZeroGen}). Specifically, \textsc{ZeroGen} leverages controls of text
and image successively from token-level to sentence-level and maps them into a
unified probability space at decoding, which customizes the LM outputs by
weighted addition without extra training. To achieve better inter-modal
trade-offs, we further introduce an effective dynamic weighting mechanism to
regulate all control weights. Moreover, we conduct substantial experiments to
probe the relationship of being in-depth or in-width between signals from
distinct modalities. Encouraging empirical results on three downstream tasks
show that \textsc{ZeroGen} not only outperforms its counterparts on captioning
tasks by a large margin but also shows great potential in multimodal news
generation with a higher degree of control. Our code will be released at
https://github.com/ImKeTT/ZeroGen. | cs.CL | ZeroGen: Zero-shot Multimodal Controllable Text Generation with Multiple Oracles |
2023-06-29T03:02:04Z | http://arxiv.org/pdf/2306.16644v2 | http://arxiv.org/abs/2306.16644v2 | Zhengxiang Wang | 2023-07-03T05:01:12Z | cs.CL | This paper investigates the effectiveness of token-level text augmentation
and the role of probabilistic linguistic knowledge within a
linguistically-motivated evaluation context. Two text augmentation programs,
REDA and REDA$_{NG}$, were developed, both implementing five token-level text
editing operations: Synonym Replacement (SR), Random Swap (RS), Random
Insertion (RI), Random Deletion (RD), and Random Mix (RM). REDA$_{NG}$
leverages pretrained $n$-gram language models to select the most likely
augmented texts from REDA's output. Comprehensive and fine-grained experiments
were conducted on a binary question matching classification task in both
Chinese and English. The results strongly refute the general effectiveness of
the five token-level text augmentation techniques under investigation, whether
applied together or separately, and irrespective of various common
classification model types used, including transformers. Furthermore, the role
of probabilistic linguistic knowledge is found to be minimal. | cs.CL | Probabilistic Linguistic Knowledge and Token-level Text Augmentation |
2023-06-29T02:27:48Z | http://arxiv.org/pdf/2306.16638v1 | http://arxiv.org/abs/2306.16638v1 | Ha Thanh Nguyen, Randy Goebel, Francesca Toni, Kostas Stathis, Ken Satoh | 2023-06-29T02:27:48Z | cs.CL | Negation is a fundamental aspect of natural language, playing a critical role
in communication and comprehension. Our study assesses the negation detection
performance of Generative Pre-trained Transformer (GPT) models, specifically
GPT-2, GPT-3, GPT-3.5, and GPT-4. We focus on the identification of negation in
natural language using a zero-shot prediction approach applied to our custom
xNot360 dataset. Our approach examines sentence pairs labeled to indicate
whether the second sentence negates the first. Our findings expose a
considerable performance disparity among the GPT models, with GPT-4 surpassing
its counterparts and GPT-3.5 displaying a marked performance reduction. The
overall proficiency of the GPT models in negation detection remains relatively
modest, indicating that this task pushes the boundaries of their natural
language understanding capabilities. We not only highlight the constraints of
GPT models in handling negation but also emphasize the importance of logical
reliability in high-stakes domains such as healthcare, science, and law. | cs.CL | A negation detection assessment of GPTs: analysis with the xNot360 dataset |
2023-06-29T02:19:50Z | http://arxiv.org/pdf/2306.16636v1 | http://arxiv.org/abs/2306.16636v1 | Tianwen Wei, Jian Luan, Wei Liu, Shuang Dong, Bin Wang | 2023-06-29T02:19:50Z | cs.CL, cs.AI, cs.LG | We present the Chinese Elementary School Math Word Problems (CMATH) dataset,
comprising 1.7k elementary school-level math word problems with detailed
annotations, source from actual Chinese workbooks and exams. This dataset aims
to provide a benchmark tool for assessing the following question: to what grade
level of elementary school math do the abilities of popular large language
models (LLMs) correspond? We evaluate a variety of popular LLMs, including both
commercial and open-source options, and discover that only GPT-4 achieves
success (accuracy $\geq$ 60\%) across all six elementary school grades, while
other models falter at different grade levels. Furthermore, we assess the
robustness of several top-performing LLMs by augmenting the original problems
in the CMATH dataset with distracting information. Our findings reveal that
GPT-4 is able to maintains robustness, while other model fail. We anticipate
that our study will expose limitations in LLMs' arithmetic and reasoning
capabilities, and promote their ongoing development and advancement. | cs.CL | CMATH: Can Your Language Model Pass Chinese Elementary School Math Test? |
2023-06-29T00:24:42Z | http://arxiv.org/pdf/2307.00028v1 | http://arxiv.org/abs/2307.00028v1 | Khalid Saifullah, Yuxin Wen, Jonas Geiping, Micah Goldblum, Tom Goldstein | 2023-06-29T00:24:42Z | cs.CV, cs.AI, cs.CL, cs.LG | Neural networks for computer vision extract uninterpretable features despite
achieving high accuracy on benchmarks. In contrast, humans can explain their
predictions using succinct and intuitive descriptions. To incorporate
explainability into neural networks, we train a vision model whose feature
representations are text. We show that such a model can effectively classify
ImageNet images, and we discuss the challenges we encountered when training it. | cs.CV | Seeing in Words: Learning to Classify through Language Bottlenecks |
2023-06-28T23:55:51Z | http://arxiv.org/pdf/2306.16601v1 | http://arxiv.org/abs/2306.16601v1 | Haihao Shen, Hengyu Meng, Bo Dong, Zhe Wang, Ofir Zafrir, Yi Ding, Yu Luo, Hanwen Chang, Qun Gao, Ziheng Wang, Guy Boudoukh, Moshe Wasserblat | 2023-06-28T23:55:51Z | cs.LG, cs.AI, cs.CL | In recent years, Transformer-based language models have become the standard
approach for natural language processing tasks. However, stringent throughput
and latency requirements in industrial applications are limiting their
adoption. To mitigate the gap, model compression techniques such as structured
pruning are being used to improve inference efficiency. However, most existing
neural network inference runtimes lack adequate support for structured
sparsity. In this paper, we propose an efficient sparse deep learning inference
software stack for Transformer-based language models where the weights are
pruned with constant block size. Our sparse software accelerator leverages
Intel Deep Learning Boost to maximize the performance of sparse matrix - dense
matrix multiplication (commonly abbreviated as SpMM) on CPUs. Our SpMM kernel
outperforms the existing sparse libraries (oneMKL, TVM, and LIBXSMM) by an
order of magnitude on a wide range of GEMM shapes under 5 representative
sparsity ratios (70%, 75%, 80%, 85%, 90%). Moreover, our SpMM kernel shows up
to 5x speedup over dense GEMM kernel of oneDNN, a well-optimized dense library
widely used in industry. We apply our sparse accelerator on widely-used
Transformer-based language models including Bert-Mini, DistilBERT, Bert-Base,
and BERT-Large. Our sparse inference software shows up to 1.5x speedup over
Neural Magic's Deepsparse under same configurations on Xeon on Amazon Web
Services under proxy production latency constraints. We also compare our
solution with two framework-based inference solutions, ONNX Runtime and
PyTorch, and demonstrate up to 37x speedup over ONNX Runtime and 345x over
PyTorch on Xeon under the latency constraints. All the source code is publicly
available on Github: https://github.com/intel/intel-extension-for-transformers. | cs.LG | An Efficient Sparse Inference Software Accelerator for Transformer-based Language Models on CPUs |
2023-06-28T21:11:15Z | http://arxiv.org/pdf/2306.16564v4 | http://arxiv.org/abs/2306.16564v4 | Theodore Zhao, Mu Wei, J. Samuel Preston, Hoifung Poon | 2024-05-22T05:58:34Z | cs.CL, stat.ML | Large Language Models (LLMs) have shown impressive abilities in many
applications. When a concrete and precise answer is desired, it is important to
have a quantitative estimation of the potential error rate. However, this can
be challenging due to the text-in-text-out nature of generative models. We
present a method based on Pareto optimization that generates a risk score to
estimate the probability of error in an LLM response by integrating multiple
sources of information. We prove theoretically that the error estimator
optimized in our framework aligns with the LLM and the information sources in
an Pareto optimal manner. Experimental results show that the risk scores
estimated by our method are well correlated with the true LLM error rate, thus
facilitating error correction. By dynamically combining with prompting
strategies such as self-verification and information retrieval, we demonstrate
the proposed method can be utilized to increase the performance of an LLM,
surpassing state-of-the-art task specific models. | cs.CL | Pareto Optimal Learning for Estimating Large Language Model Errors |
2023-06-28T20:06:36Z | http://arxiv.org/pdf/2306.16533v3 | http://arxiv.org/abs/2306.16533v3 | Avinash Madasu, Vasudev Lal | 2024-06-10T18:02:43Z | cs.CV, cs.AI, cs.CL | Video retrieval (VR) involves retrieving the ground truth video from the
video database given a text caption or vice-versa. The two important components
of compositionality: objects & attributes and actions are joined using correct
syntax to form a proper text query. These components (objects & attributes,
actions and syntax) each play an important role to help distinguish among
videos and retrieve the correct ground truth video. However, it is unclear what
is the effect of these components on the video retrieval performance. We
therefore, conduct a systematic study to evaluate the compositional and
syntactic understanding of video retrieval models on standard benchmarks such
as MSRVTT, MSVD and DIDEMO. The study is performed on two categories of video
retrieval models: (i) which are pre-trained on video-text pairs and fine-tuned
on downstream video retrieval datasets (Eg. Frozen-in-Time, Violet, MCQ etc.)
(ii) which adapt pre-trained image-text representations like CLIP for video
retrieval (Eg. CLIP4Clip, XCLIP, CLIP2Video etc.). Our experiments reveal that
actions and syntax play a minor role compared to objects & attributes in video
understanding. Moreover, video retrieval models that use pre-trained image-text
representations (CLIP) have better syntactic and compositional understanding as
compared to models pre-trained on video-text data. The code is available at
https://github.com/IntelLabs/multimodal_cognitive_ai/tree/main/ICSVR | cs.CV | ICSVR: Investigating Compositional and Syntactic Understanding in Video Retrieval Models |
2023-06-28T18:06:40Z | http://arxiv.org/pdf/2306.16478v1 | http://arxiv.org/abs/2306.16478v1 | Alireza Salemi, Mahta Rafiee, Hamed Zamani | 2023-06-28T18:06:40Z | cs.IR, cs.CL, cs.CV | This paper studies a category of visual question answering tasks, in which
accessing external knowledge is necessary for answering the questions. This
category is called outside-knowledge visual question answering (OK-VQA). A
major step in developing OK-VQA systems is to retrieve relevant documents for
the given multi-modal query. Current state-of-the-art asymmetric dense
retrieval model for this task uses an architecture with a multi-modal query
encoder and a uni-modal document encoder. Such an architecture requires a large
amount of training data for effective performance. We propose an automatic data
generation pipeline for pre-training passage retrieval models for OK-VQA tasks.
The proposed approach leads to 26.9% Precision@5 improvements compared to the
current state-of-the-art asymmetric architecture. Additionally, the proposed
pre-training approach exhibits a good ability in zero-shot retrieval scenarios. | cs.IR | Pre-Training Multi-Modal Dense Retrievers for Outside-Knowledge Visual Question Answering |
2023-06-28T17:59:10Z | http://arxiv.org/pdf/2306.16413v1 | http://arxiv.org/abs/2306.16413v1 | Paul Pu Liang, Yiwei Lyu, Xiang Fan, Arav Agarwal, Yun Cheng, Louis-Philippe Morency, Ruslan Salakhutdinov | 2023-06-28T17:59:10Z | cs.LG, cs.AI, cs.CL, cs.CV, cs.MM | Learning multimodal representations involves integrating information from
multiple heterogeneous sources of data. In order to accelerate progress towards
understudied modalities and tasks while ensuring real-world robustness, we
release MultiZoo, a public toolkit consisting of standardized implementations
of > 20 core multimodal algorithms and MultiBench, a large-scale benchmark
spanning 15 datasets, 10 modalities, 20 prediction tasks, and 6 research areas.
Together, these provide an automated end-to-end machine learning pipeline that
simplifies and standardizes data loading, experimental setup, and model
evaluation. To enable holistic evaluation, we offer a comprehensive methodology
to assess (1) generalization, (2) time and space complexity, and (3) modality
robustness. MultiBench paves the way towards a better understanding of the
capabilities and limitations of multimodal models, while ensuring ease of use,
accessibility, and reproducibility. Our toolkits are publicly available, will
be regularly updated, and welcome inputs from the community. | cs.LG | MultiZoo & MultiBench: A Standardized Toolkit for Multimodal Deep Learning |
2023-06-28T17:57:10Z | http://arxiv.org/pdf/2306.16410v1 | http://arxiv.org/abs/2306.16410v1 | William Berrios, Gautam Mittal, Tristan Thrush, Douwe Kiela, Amanpreet Singh | 2023-06-28T17:57:10Z | cs.CL, cs.CV | We propose LENS, a modular approach for tackling computer vision problems by
leveraging the power of large language models (LLMs). Our system uses a
language model to reason over outputs from a set of independent and highly
descriptive vision modules that provide exhaustive information about an image.
We evaluate the approach on pure computer vision settings such as zero- and
few-shot object recognition, as well as on vision and language problems. LENS
can be applied to any off-the-shelf LLM and we find that the LLMs with LENS
perform highly competitively with much bigger and much more sophisticated
systems, without any multimodal training whatsoever. We open-source our code at
https://github.com/ContextualAI/lens and provide an interactive demo. | cs.CL | Towards Language Models That Can See: Computer Vision Through the LENS of Natural Language |
2023-06-28T17:54:04Z | http://arxiv.org/pdf/2306.17194v2 | http://arxiv.org/abs/2306.17194v2 | Manli Shu, Jiongxiao Wang, Chen Zhu, Jonas Geiping, Chaowei Xiao, Tom Goldstein | 2023-10-28T18:04:36Z | cs.CR, cs.CL, cs.LG | Instruction tuning is an effective technique to align large language models
(LLMs) with human intents. In this work, we investigate how an adversary can
exploit instruction tuning by injecting specific instruction-following examples
into the training data that intentionally changes the model's behavior. For
example, an adversary can achieve content injection by injecting training
examples that mention target content and eliciting such behavior from
downstream models. To achieve this goal, we propose \textit{AutoPoison}, an
automated data poisoning pipeline. It naturally and coherently incorporates
versatile attack goals into poisoned data with the help of an oracle LLM. We
showcase two example attacks: content injection and over-refusal attacks, each
aiming to induce a specific exploitable behavior. We quantify and benchmark the
strength and the stealthiness of our data poisoning scheme. Our results show
that AutoPoison allows an adversary to change a model's behavior by poisoning
only a small fraction of data while maintaining a high level of stealthiness in
the poisoned examples. We hope our work sheds light on how data quality affects
the behavior of instruction-tuned models and raises awareness of the importance
of data quality for responsible deployments of LLMs. Code is available at
\url{https://github.com/azshue/AutoPoison}. | cs.CR | On the Exploitability of Instruction Tuning |
2023-06-28T17:31:53Z | http://arxiv.org/pdf/2306.16388v2 | http://arxiv.org/abs/2306.16388v2 | Esin Durmus, Karina Nguyen, Thomas I. Liao, Nicholas Schiefer, Amanda Askell, Anton Bakhtin, Carol Chen, Zac Hatfield-Dodds, Danny Hernandez, Nicholas Joseph, Liane Lovitt, Sam McCandlish, Orowa Sikder, Alex Tamkin, Janel Thamkul, Jared Kaplan, Jack Clark, Deep Ganguli | 2024-04-12T00:05:53Z | cs.CL, cs.AI | Large language models (LLMs) may not equitably represent diverse global
perspectives on societal issues. In this paper, we develop a quantitative
framework to evaluate whose opinions model-generated responses are more similar
to. We first build a dataset, GlobalOpinionQA, comprised of questions and
answers from cross-national surveys designed to capture diverse opinions on
global issues across different countries. Next, we define a metric that
quantifies the similarity between LLM-generated survey responses and human
responses, conditioned on country. With our framework, we run three experiments
on an LLM trained to be helpful, honest, and harmless with Constitutional AI.
By default, LLM responses tend to be more similar to the opinions of certain
populations, such as those from the USA, and some European and South American
countries, highlighting the potential for biases. When we prompt the model to
consider a particular country's perspective, responses shift to be more similar
to the opinions of the prompted populations, but can reflect harmful cultural
stereotypes. When we translate GlobalOpinionQA questions to a target language,
the model's responses do not necessarily become the most similar to the
opinions of speakers of those languages. We release our dataset for others to
use and build on. Our data is at
https://huggingface.co/datasets/Anthropic/llm_global_opinions. We also provide
an interactive visualization at https://llmglobalvalues.anthropic.com. | cs.CL | Towards Measuring the Representation of Subjective Global Opinions in Language Models |
2023-06-28T17:00:32Z | http://arxiv.org/pdf/2306.16367v1 | http://arxiv.org/abs/2306.16367v1 | Won Joon Yun, Samuel Kim, Joongheon Kim | 2023-06-28T17:00:32Z | cs.LG, cs.CL, cs.DC | The prodigious growth of digital health data has precipitated a mounting
interest in harnessing machine learning methodologies, such as natural language
processing (NLP), to scrutinize medical records, clinical notes, and other
text-based health information. Although NLP techniques have exhibited
substantial potential in augmenting patient care and informing clinical
decision-making, data privacy and adherence to regulations persist as critical
concerns. Federated learning (FL) emerges as a viable solution, empowering
multiple organizations to train machine learning models collaboratively without
disseminating raw data. This paper proffers a pragmatic approach to medical NLP
by amalgamating FL, NLP models, and the NVFlare framework, developed by NVIDIA.
We introduce two exemplary NLP models, the Long-Short Term Memory (LSTM)-based
model and Bidirectional Encoder Representations from Transformers (BERT), which
have demonstrated exceptional performance in comprehending context and
semantics within medical data. This paper encompasses the development of an
integrated framework that addresses data privacy and regulatory compliance
challenges while maintaining elevated accuracy and performance, incorporating
BERT pretraining, and comprehensively substantiating the efficacy of the
proposed approach. | cs.LG | Multi-Site Clinical Federated Learning using Recursive and Attentive Models and NVFlare |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.