publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2023-05-11T17:44:29Z | http://arxiv.org/pdf/2305.07005v1 | http://arxiv.org/abs/2305.07005v1 | Francois Meyer, Jan Buys | 2023-05-11T17:44:29Z | cs.CL | Subword segmenters like BPE operate as a preprocessing step in neural machine
translation and other (conditional) language models. They are applied to
datasets before training, so translation or text generation quality relies on
the quality of segmentations. We propose a departure from this paradigm, called
subword segmental machine translation (SSMT). SSMT unifies subword segmentation
and MT in a single trainable model. It learns to segment target sentence words
while jointly learning to generate target sentences. To use SSMT during
inference we propose dynamic decoding, a text generation algorithm that adapts
segmentations as it generates translations. Experiments across 6 translation
directions show that SSMT improves chrF scores for morphologically rich
agglutinative languages. Gains are strongest in the very low-resource scenario.
SSMT also learns subwords that are closer to morphemes compared to baselines
and proves more robust on a test set constructed for evaluating morphological
compositional generalisation. | cs.CL | Subword Segmental Machine Translation: Unifying Segmentation and Target Sentence Generation |
2023-05-11T17:44:17Z | http://arxiv.org/pdf/2305.07004v2 | http://arxiv.org/abs/2305.07004v2 | Haoyang Huang, Tianyi Tang, Dongdong Zhang, Wayne Xin Zhao, Ting Song, Yan Xia, Furu Wei | 2023-10-22T13:43:27Z | cs.CL | Large language models (LLMs) demonstrate impressive multilingual capability,
but their performance varies substantially across different languages. In this
work, we introduce a simple yet effective method, called cross-lingual-thought
prompting (XLT), to systematically improve the multilingual capability of LLMs.
Specifically, XLT is a generic template prompt that stimulates cross-lingual
and logical reasoning skills to enhance task performance across languages. We
conduct comprehensive evaluations on 7 typical benchmarks related to reasoning,
understanding, and generation tasks, covering both high-resource and
low-resource languages. Experimental results show that XLT not only remarkably
enhances the performance of various multilingual tasks but also significantly
reduces the gap between the average performance and the best performance of
each task in different languages. Notably, XLT brings over 10 points of average
improvement in arithmetic reasoning and open-domain question-answering tasks. | cs.CL | Not All Languages Are Created Equal in LLMs: Improving Multilingual Capability by Cross-Lingual-Thought Prompting |
2023-05-11T17:39:07Z | http://arxiv.org/pdf/2305.07001v1 | http://arxiv.org/abs/2305.07001v1 | Junjie Zhang, Ruobing Xie, Yupeng Hou, Wayne Xin Zhao, Leyu Lin, Ji-Rong Wen | 2023-05-11T17:39:07Z | cs.IR, cs.CL | In the past decades, recommender systems have attracted much attention in
both research and industry communities, and a large number of studies have been
devoted to developing effective recommendation models. Basically speaking,
these models mainly learn the underlying user preference from historical
behavior data, and then estimate the user-item matching relationships for
recommendations. Inspired by the recent progress on large language models
(LLMs), we take a different approach to developing the recommendation models,
considering recommendation as instruction following by LLMs. The key idea is
that the preferences or needs of a user can be expressed in natural language
descriptions (called instructions), so that LLMs can understand and further
execute the instruction for fulfilling the recommendation task. Instead of
using public APIs of LLMs, we instruction tune an open-source LLM (3B
Flan-T5-XL), in order to better adapt LLMs to recommender systems. For this
purpose, we first design a general instruction format for describing the
preference, intention, task form and context of a user in natural language.
Then we manually design 39 instruction templates and automatically generate a
large amount of user-personalized instruction data (252K instructions) with
varying types of preferences and intentions. To demonstrate the effectiveness
of our approach, we instantiate the instruction templates into several
widely-studied recommendation (or search) tasks, and conduct extensive
experiments on these tasks with real-world datasets. Experiment results show
that the proposed approach can outperform several competitive baselines,
including the powerful GPT-3.5, on these evaluation tasks. Our approach sheds
light on developing more user-friendly recommender systems, in which users can
freely communicate with the system and obtain more accurate recommendations via
natural language instructions. | cs.IR | Recommendation as Instruction Following: A Large Language Model Empowered Recommendation Approach |
2023-05-11T17:29:47Z | http://arxiv.org/pdf/2305.06993v1 | http://arxiv.org/abs/2305.06993v1 | Juri Opitz | 2023-05-11T17:29:47Z | cs.CL, cs.AI | The Smatch metric is a popular method for evaluating graph distances, as is
necessary, for instance, to assess the performance of semantic graph parsing
systems. However, we observe some issues in the metric that jeopardize
meaningful evaluation. E.g., opaque pre-processing choices can affect results,
and current graph-alignment solvers do not provide us with upper-bounds.
Without upper-bounds, however, fair evaluation is not guaranteed. Furthermore,
adaptions of Smatch for extended tasks (e.g., fine-grained semantic similarity)
are spread out, and lack a unifying framework.
For better inspection, we divide the metric into three modules:
pre-processing, alignment, and scoring. Examining each module, we specify its
goals and diagnose potential issues, for which we discuss and test mitigation
strategies. For pre-processing, we show how to fully conform to annotation
guidelines that allow structurally deviating but valid graphs. For safer and
enhanced alignment, we show the feasibility of optimal alignment in a standard
evaluation setup, and develop a lossless graph compression method that shrinks
the search space and significantly increases efficiency. For improved scoring,
we propose standardized and extended metric calculation of fine-grained
sub-graph meaning aspects. Our code is available at
https://github.com/flipz357/smatchpp | cs.CL | SMATCH++: Standardized and Extended Evaluation of Semantic Graphs |
2023-05-11T17:23:00Z | http://arxiv.org/pdf/2305.06988v2 | http://arxiv.org/abs/2305.06988v2 | Shoubin Yu, Jaemin Cho, Prateek Yadav, Mohit Bansal | 2023-11-29T21:24:35Z | cs.CV, cs.AI, cs.CL, cs.LG | Recent studies have shown promising results on utilizing large pre-trained
image-language models for video question answering. While these image-language
models can efficiently bootstrap the representation learning of video-language
models, they typically concatenate uniformly sampled video frames as visual
inputs without explicit language-aware, temporal modeling. When only a portion
of a video input is relevant to the language query, such uniform frame sampling
can often lead to missing important visual cues. Although humans often find a
video moment to focus on and rewind the moment to answer questions, training a
query-aware video moment localizer often requires expensive annotations and
high computational costs. To address this issue, we propose Self-Chained Video
Localization-Answering (SeViLA), a novel framework that leverages a single
image-language model (BLIP-2) to tackle both temporal keyframe localization and
QA on videos. SeViLA framework consists of two modules: Localizer and Answerer,
where both are parameter-efficiently fine-tuned from BLIP-2. We propose two
ways of chaining these modules for cascaded inference and self-refinement.
First, in the forward chain, the Localizer finds multiple language-aware
keyframes in a video, which the Answerer uses to predict the answer. Second, in
the reverse chain, the Answerer generates keyframe pseudo-labels to refine the
Localizer, alleviating the need for expensive video moment localization
annotations. Our SeViLA framework outperforms several strong baselines on 5
challenging video QA and event prediction benchmarks, and achieves the
state-of-the-art in both fine-tuning (NExT-QA, STAR) and zero-shot (NExT-QA,
STAR, How2QA, VLEP) settings. We also analyze the impact of Localizer,
comparisons of Localizer with other temporal localization models,
pre-training/self-refinement of Localizer, and varying the number of keyframes. | cs.CV | Self-Chained Image-Language Model for Video Localization and Question Answering |
2023-05-11T17:20:49Z | http://arxiv.org/pdf/2305.13317v1 | http://arxiv.org/abs/2305.13317v1 | Rasha Alshawi, Atriya Sen, Nathan S. Upham, Beckett Sterner | 2023-05-11T17:20:49Z | cs.CL | We describe a novel dataset for the automated recognition of named taxonomic
and other entities relevant to the association of viruses with their hosts. We
further describe some initial results using pre-trained models on the
named-entity recognition (NER) task on this novel dataset. We propose that our
dataset of manually annotated abstracts now offers a Gold Standard Corpus for
training future NER models in the automated extraction of host-pathogen
detection methods from scientific publications, and further explain how our
work makes first steps towards predicting the important human health-related
concept of viral spillover risk automatically from the scientific literature. | cs.CL | A Novel Dataset Towards Extracting Virus-Host Interactions |
2023-05-11T17:14:33Z | http://arxiv.org/pdf/2305.06984v3 | http://arxiv.org/abs/2305.06984v3 | Ehsan Kamalloo, Nouha Dziri, Charles L. A. Clarke, Davood Rafiei | 2023-07-06T18:52:08Z | cs.CL | Lexical matching remains the de facto evaluation method for open-domain
question answering (QA). Unfortunately, lexical matching fails completely when
a plausible candidate answer does not appear in the list of gold answers, which
is increasingly the case as we shift from extractive to generative models. The
recent success of large language models (LLMs) for QA aggravates lexical
matching failures since candidate answers become longer, thereby making
matching with the gold answers even more challenging. Without accurate
evaluation, the true progress in open-domain QA remains unknown. In this paper,
we conduct a thorough analysis of various open-domain QA models, including
LLMs, by manually evaluating their answers on a subset of NQ-open, a popular
benchmark. Our assessments reveal that while the true performance of all models
is significantly underestimated, the performance of the InstructGPT (zero-shot)
LLM increases by nearly +60%, making it on par with existing top models, and
the InstructGPT (few-shot) model actually achieves a new state-of-the-art on
NQ-open. We also find that more than 50% of lexical matching failures are
attributed to semantically equivalent answers. We further demonstrate that
regex matching ranks QA models consistent with human judgments, although still
suffering from unnecessary strictness. Finally, we demonstrate that automated
evaluation models are a reasonable surrogate for lexical matching in some
circumstances, but not for long-form answers generated by LLMs. The automated
models struggle in detecting hallucinations in LLM answers and are thus unable
to evaluate LLMs. At this time, there appears to be no substitute for human
evaluation. | cs.CL | Evaluating Open-Domain Question Answering in the Era of Large Language Models |
2023-05-11T17:13:40Z | http://arxiv.org/pdf/2305.06983v2 | http://arxiv.org/abs/2305.06983v2 | Zhengbao Jiang, Frank F. Xu, Luyu Gao, Zhiqing Sun, Qian Liu, Jane Dwivedi-Yu, Yiming Yang, Jamie Callan, Graham Neubig | 2023-10-22T00:11:13Z | cs.CL, cs.LG | Despite the remarkable ability of large language models (LMs) to comprehend
and generate language, they have a tendency to hallucinate and create factually
inaccurate output. Augmenting LMs by retrieving information from external
knowledge resources is one promising solution. Most existing retrieval
augmented LMs employ a retrieve-and-generate setup that only retrieves
information once based on the input. This is limiting, however, in more general
scenarios involving generation of long texts, where continually gathering
information throughout generation is essential. In this work, we provide a
generalized view of active retrieval augmented generation, methods that
actively decide when and what to retrieve across the course of the generation.
We propose Forward-Looking Active REtrieval augmented generation (FLARE), a
generic method which iteratively uses a prediction of the upcoming sentence to
anticipate future content, which is then utilized as a query to retrieve
relevant documents to regenerate the sentence if it contains low-confidence
tokens. We test FLARE along with baselines comprehensively over 4 long-form
knowledge-intensive generation tasks/datasets. FLARE achieves superior or
competitive performance on all tasks, demonstrating the effectiveness of our
method. Code and datasets are available at https://github.com/jzbjyb/FLARE. | cs.CL | Active Retrieval Augmented Generation |
2023-05-11T15:51:46Z | http://arxiv.org/pdf/2305.06908v4 | http://arxiv.org/abs/2305.06908v4 | Zhen Ye, Wei Xue, Xu Tan, Jie Chen, Qifeng Liu, Yike Guo | 2023-10-29T14:12:08Z | cs.SD, cs.AI, cs.CL, cs.LG, cs.MM, eess.AS | Denoising diffusion probabilistic models (DDPMs) have shown promising
performance for speech synthesis. However, a large number of iterative steps
are required to achieve high sample quality, which restricts the inference
speed. Maintaining sample quality while increasing sampling speed has become a
challenging task. In this paper, we propose a "Co"nsistency "Mo"del-based
"Speech" synthesis method, CoMoSpeech, which achieve speech synthesis through a
single diffusion sampling step while achieving high audio quality. The
consistency constraint is applied to distill a consistency model from a
well-designed diffusion-based teacher model, which ultimately yields superior
performances in the distilled CoMoSpeech. Our experiments show that by
generating audio recordings by a single sampling step, the CoMoSpeech achieves
an inference speed more than 150 times faster than real-time on a single NVIDIA
A100 GPU, which is comparable to FastSpeech2, making diffusion-sampling based
speech synthesis truly practical. Meanwhile, objective and subjective
evaluations on text-to-speech and singing voice synthesis show that the
proposed teacher models yield the best audio quality, and the one-step sampling
based CoMoSpeech achieves the best inference speed with better or comparable
audio quality to other conventional multi-step diffusion model baselines. Audio
samples are available at https://comospeech.github.io/. | cs.SD | CoMoSpeech: One-Step Speech and Singing Voice Synthesis via Consistency Model |
2023-05-11T15:34:53Z | http://arxiv.org/pdf/2305.06897v1 | http://arxiv.org/abs/2305.06897v1 | Odunayo Ogundepo, Tajuddeen R. Gwadabe, Clara E. Rivera, Jonathan H. Clark, Sebastian Ruder, David Ifeoluwa Adelani, Bonaventure F. P. Dossou, Abdou Aziz DIOP, Claytone Sikasote, Gilles Hacheme, Happy Buzaaba, Ignatius Ezeani, Rooweither Mabuya, Salomey Osei, Chris Emezue, Albert Njoroge Kahira, Shamsuddeen H. Muhammad, Akintunde Oladipo, Abraham Toluwase Owodunni, Atnafu Lambebo Tonja, Iyanuoluwa Shode, Akari Asai, Tunde Oluwaseyi Ajayi, Clemencia Siro, Steven Arthur, Mofetoluwa Adeyemi, Orevaoghene Ahia, Anuoluwapo Aremu, Oyinkansola Awosan, Chiamaka Chukwuneke, Bernard Opoku, Awokoya Ayodele, Verrah Otiende, Christine Mwase, Boyd Sinkala, Andre Niyongabo Rubungo, Daniel A. Ajisafe, Emeka Felix Onwuegbuzia, Habib Mbow, Emile Niyomutabazi, Eunice Mukonde, Falalu Ibrahim Lawan, Ibrahim Said Ahmad, Jesujoba O. Alabi, Martin Namukombo, Mbonu Chinedu, Mofya Phiri, Neo Putini, Ndumiso Mngoma, Priscilla A. Amuok, Ruqayya Nasir Iro, Sonia Adhiambo | 2023-05-11T15:34:53Z | cs.CL, cs.AI, cs.IR | African languages have far less in-language content available digitally,
making it challenging for question answering systems to satisfy the information
needs of users. Cross-lingual open-retrieval question answering (XOR QA)
systems -- those that retrieve answer content from other languages while
serving people in their native language -- offer a means of filling this gap.
To this end, we create AfriQA, the first cross-lingual QA dataset with a focus
on African languages. AfriQA includes 12,000+ XOR QA examples across 10 African
languages. While previous datasets have focused primarily on languages where
cross-lingual QA augments coverage from the target language, AfriQA focuses on
languages where cross-lingual answer content is the only high-coverage source
of answer content. Because of this, we argue that African languages are one of
the most important and realistic use cases for XOR QA. Our experiments
demonstrate the poor performance of automatic translation and multilingual
retrieval methods. Overall, AfriQA proves challenging for state-of-the-art QA
models. We hope that the dataset enables the development of more equitable QA
technology. | cs.CL | AfriQA: Cross-lingual Open-Retrieval Question Answering for African Languages |
2023-05-11T15:29:04Z | http://arxiv.org/pdf/2305.06892v1 | http://arxiv.org/abs/2305.06892v1 | Hadiseh Mahmoudi | 2023-05-11T15:29:04Z | cs.CL | This paper describes our system on SemEval-2023 Task 10: Explainable
Detection of Online Sexism (EDOS). This work aims to design an automatic system
for detecting and classifying sexist content in online spaces. We propose a set
of transformer-based pre-trained models with task-adaptive pretraining and
ensemble learning. The main contributions of our system include analyzing the
performance of different transformer-based pre-trained models and combining
these models, as well as providing an efficient method using large amounts of
unlabeled data for model adaptive pretraining. We have also explored several
other strategies. On the test dataset, our system achieves F1-scores of 83%,
64%, and 47% on subtasks A, B, and C, respectively. | cs.CL | IUST_NLP at SemEval-2023 Task 10: Explainable Detecting Sexism with Transformers and Task-adaptive Pretraining |
2023-05-11T14:47:29Z | http://arxiv.org/pdf/2305.06849v2 | http://arxiv.org/abs/2305.06849v2 | Yujia Qin, Zihan Cai, Dian Jin, Lan Yan, Shihao Liang, Kunlun Zhu, Yankai Lin, Xu Han, Ning Ding, Huadong Wang, Ruobing Xie, Fanchao Qi, Zhiyuan Liu, Maosong Sun, Jie Zhou | 2023-05-23T13:15:10Z | cs.CL, cs.AI, cs.IR | Long-form question answering (LFQA) aims at answering complex, open-ended
questions with detailed, paragraph-length responses. The de facto paradigm of
LFQA necessitates two procedures: information retrieval, which searches for
relevant supporting facts, and information synthesis, which integrates these
facts into a coherent answer. In this paper, we introduce WebCPM, the first
Chinese LFQA dataset. One unique feature of WebCPM is that its information
retrieval is based on interactive web search, which engages with a search
engine in real time. Following WebGPT, we develop a web search interface. We
recruit annotators to search for relevant information using our interface and
then answer questions. Meanwhile, the web search behaviors of our annotators
would be recorded. In total, we collect 5,500 high-quality question-answer
pairs, together with 14,315 supporting facts and 121,330 web search actions. We
fine-tune pre-trained language models to imitate human behaviors for web search
and to generate answers based on the collected facts. Our LFQA pipeline, built
on these fine-tuned models, generates answers that are no worse than
human-written ones in 32.5% and 47.5% of the cases on our dataset and DuReader,
respectively. | cs.CL | WebCPM: Interactive Web Search for Chinese Long-form Question Answering |
2023-05-11T14:35:00Z | http://arxiv.org/pdf/2305.06841v2 | http://arxiv.org/abs/2305.06841v2 | Lukáš Mikula, Michal Štefánik, Marek Petrovič, Petr Sojka | 2024-02-06T11:30:00Z | cs.CL, cs.AI | While the Large Language Models (LLMs) dominate a majority of language
understanding tasks, previous work shows that some of these results are
supported by modelling spurious correlations of training datasets. Authors
commonly assess model robustness by evaluating their models on
out-of-distribution (OOD) datasets of the same task, but these datasets might
share the bias of the training dataset.
We propose a simple method for measuring a scale of models' reliance on any
identified spurious feature and assess the robustness towards a large set of
known and newly found prediction biases for various pre-trained models and
debiasing methods in Question Answering (QA). We find that while existing
debiasing methods can mitigate reliance on a chosen spurious feature, the OOD
performance gains of these methods can not be explained by mitigated reliance
on biased features, suggesting that biases are shared among different QA
datasets. Finally, we evidence this to be the case by measuring that the
performance of models trained on different QA datasets relies comparably on the
same bias features. We hope these results will motivate future work to refine
the reports of LMs' robustness to a level of adversarial samples addressing
specific spurious features. | cs.CL | Think Twice: Measuring the Efficiency of Eliminating Prediction Shortcuts of Question Answering Models |
2023-05-11T14:34:08Z | http://arxiv.org/pdf/2306.01743v2 | http://arxiv.org/abs/2306.01743v2 | Nazmuddoha Ansary, Quazi Adibur Rahman Adib, Tahsin Reasat, Asif Shahriyar Sushmit, Ahmed Imtiaz Humayun, Sazia Mehnaz, Kanij Fatema, Mohammad Mamun Or Rashid, Farig Sadeque | 2024-05-27T12:48:00Z | cs.CL | Writing systems of Indic languages have orthographic syllables, also known as
complex graphemes, as unique horizontal units. A prominent feature of these
languages is these complex grapheme units that comprise consonants/consonant
conjuncts, vowel diacritics, and consonant diacritics, which, together make a
unique Language. Unicode-based writing schemes of these languages often
disregard this feature of these languages and encode words as linear sequences
of Unicode characters using an intricate scheme of connector characters and
font interpreters. Due to this way of using a few dozen Unicode glyphs to write
thousands of different unique glyphs (complex graphemes), there are serious
ambiguities that lead to malformed words. In this paper, we are proposing two
libraries: i) a normalizer for normalizing inconsistencies caused by a
Unicode-based encoding scheme for Indic languages and ii) a grapheme parser for
Abugida text. It deconstructs words into visually distinct orthographic
syllables or complex graphemes and their constituents. Our proposed normalizer
is a more efficient and effective tool than the previously used IndicNLP
normalizer. Moreover, our parser and normalizer are also suitable tools for
general Abugida text processing as they performed well in our robust word-based
and NLP experiments. We report the pipeline for the scripts of 7 languages in
this work and develop the framework for the integration of more scripts. | cs.CL | Unicode Normalization and Grapheme Parsing of Indic Languages |
2023-05-11T14:12:55Z | http://arxiv.org/pdf/2305.06818v1 | http://arxiv.org/abs/2305.06818v1 | Albin Zehe, Julian Schröter, Andreas Hotho | 2023-05-11T14:12:55Z | cs.CL, I.2.7 | Suspense is an important tool in storytelling to keep readers engaged and
wanting to read more. However, it has so far not been studied extensively in
Computational Literary Studies. In this paper, we focus on one of the elements
authors can use to build up suspense: dangerous situations. We introduce a
corpus of texts annotated with dangerous situations, distinguishing between 7
types of danger. Additionally, we annotate parts of the text that describe fear
experienced by a character, regardless of the actual presence of danger. We
present experiments towards the automatic detection of these situations,
finding that unsupervised baseline methods can provide valuable signals for the
detection, but more complex methods are necessary for further analysis. Not
unexpectedly, the description of danger and fear often relies heavily on the
context, both local (e.g., situations where danger is only mentioned, but not
actually present) and global (e.g., "storm" being used in a literal sense in an
adventure novel, but metaphorically in a romance novel). | cs.CL | Towards a Computational Analysis of Suspense: Detecting Dangerous Situations |
2023-05-11T14:11:48Z | http://arxiv.org/pdf/2305.06817v1 | http://arxiv.org/abs/2305.06817v1 | Haitao Li, Changyue Wang, Weihang Su, Yueyue Wu, Qingyao Ai, Yiqun Liu | 2023-05-11T14:11:48Z | cs.CL, cs.IR | This paper describes the approach of the THUIR team at the COLIEE 2023 Legal
Case Entailment task. This task requires the participant to identify a specific
paragraph from a given supporting case that entails the decision for the query
case. We try traditional lexical matching methods and pre-trained language
models with different sizes. Furthermore, learning-to-rank methods are employed
to further improve performance. However, learning-to-rank is not very robust on
this task. which suggests that answer passages cannot simply be determined with
information retrieval techniques. Experimental results show that more
parameters and legal knowledge contribute to the legal case entailment task.
Finally, we get the third place in COLIEE 2023. The implementation of our
method can be found at https://github.com/CSHaitao/THUIR-COLIEE2023. | cs.CL | THUIR@COLIEE 2023: More Parameters and Legal Knowledge for Legal Case Entailment |
2023-05-11T14:08:53Z | http://arxiv.org/pdf/2305.06812v1 | http://arxiv.org/abs/2305.06812v1 | Haitao Li, Weihang Su, Changyue Wang, Yueyue Wu, Qingyao Ai, Yiqun Liu | 2023-05-11T14:08:53Z | cs.IR, cs.CL | Legal case retrieval techniques play an essential role in modern intelligent
legal systems. As an annually well-known international competition, COLIEE is
aiming to achieve the state-of-the-art retrieval model for legal texts. This
paper summarizes the approach of the championship team THUIR in COLIEE 2023. To
be specific, we design structure-aware pre-trained language models to enhance
the understanding of legal cases. Furthermore, we propose heuristic
pre-processing and post-processing approaches to reduce the influence of
irrelevant messages. In the end, learning-to-rank methods are employed to merge
features with different dimensions. Experimental results demonstrate the
superiority of our proposal. Official results show that our run has the best
performance among all submissions. The implementation of our method can be
found at https://github.com/CSHaitao/THUIR-COLIEE2023. | cs.IR | THUIR@COLIEE 2023: Incorporating Structural Knowledge into Pre-trained Language Models for Legal Case Retrieval |
2023-05-11T13:42:58Z | http://arxiv.org/pdf/2305.06801v1 | http://arxiv.org/abs/2305.06801v1 | François Remy, Alfiya Khabibullina, Thomas Demeester | 2023-05-11T13:42:58Z | cs.CL | This paper shines a light on the potential of definition-based semantic
models for detecting idiomatic and semi-idiomatic multiword expressions (MWEs)
in clinical terminology. Our study focuses on biomedical entities defined in
the UMLS ontology and aims to help prioritize the translation efforts of these
entities. In particular, we develop an effective tool for scoring the
idiomaticity of biomedical MWEs based on the degree of similarity between the
semantic representations of those MWEs and a weighted average of the
representation of their constituents. We achieve this using a biomedical
language model trained to produce similar representations for entity names and
their definitions, called BioLORD. The importance of this definition-based
approach is highlighted by comparing the BioLORD model to two other
state-of-the-art biomedical language models based on Transformer: SapBERT and
CODER. Our results show that the BioLORD model has a strong ability to identify
idiomatic MWEs, not replicated in other models. Our corpus-free idiomaticity
estimation helps ontology translators to focus on more challenging MWEs. | cs.CL | Detecting Idiomatic Multiword Expressions in Clinical Terminology using Definition-Based Representation Learning |
2023-05-11T12:22:20Z | http://arxiv.org/pdf/2305.06754v2 | http://arxiv.org/abs/2305.06754v2 | Fanny Jourdan, Agustin Picard, Thomas Fel, Laurent Risser, Jean Michel Loubes, Nicholas Asher | 2023-05-14T14:38:41Z | cs.CL, stat.ML | Transformer architectures are complex and their use in NLP, while it has
engendered many successes, makes their interpretability or explainability
challenging. Recent debates have shown that attention maps and attribution
methods are unreliable (Pruthi et al., 2019; Brunner et al., 2019). In this
paper, we present some of their limitations and introduce COCKATIEL, which
successfully addresses some of them. COCKATIEL is a novel, post-hoc,
concept-based, model-agnostic XAI technique that generates meaningful
explanations from the last layer of a neural net model trained on an NLP
classification task by using Non-Negative Matrix Factorization (NMF) to
discover the concepts the model leverages to make predictions and by exploiting
a Sensitivity Analysis to estimate accurately the importance of each of these
concepts for the model. It does so without compromising the accuracy of the
underlying model or requiring a new one to be trained. We conduct experiments
in single and multi-aspect sentiment analysis tasks and we show COCKATIEL's
superior ability to discover concepts that align with humans' on Transformer
models without any supervision, we objectively verify the faithfulness of its
explanations through fidelity metrics, and we showcase its ability to provide
meaningful explanations in two different datasets. | cs.CL | COCKATIEL: COntinuous Concept ranKed ATtribution with Interpretable ELements for explaining neural net classifiers on NLP tasks |
2023-05-11T12:10:20Z | http://arxiv.org/pdf/2305.06747v1 | http://arxiv.org/abs/2305.06747v1 | Zina Kamal, Hossein Hassani | 2023-05-11T12:10:20Z | cs.CL | Kurdish Sign Language (KuSL) is the natural language of the Kurdish Deaf
people. We work on automatic translation between spoken Kurdish and KuSL. Sign
languages evolve rapidly and follow grammatical rules that differ from spoken
languages. Consequently,those differences should be considered during any
translation. We proposed an avatar-based automatic translation of Kurdish texts
in the Sorani (Central Kurdish) dialect into the Kurdish Sign language. We
developed the first parallel corpora for that pair that we use to train a
Statistical Machine Translation (SMT) engine. We tested the outcome
understandability and evaluated it using the Bilingual Evaluation Understudy
(BLEU). Results showed 53.8% accuracy. Compared to the previous experiments in
the field, the result is considerably high. We suspect the reason to be the
similarity between the structure of the two pairs. We plan to make the
resources publicly available under CC BY-NC-SA 4.0 license on the Kurdish-BLARK
(https://kurdishblark.github.io/). | cs.CL | The First Parallel Corpora for Kurdish Sign Language |
2023-05-11T11:56:42Z | http://arxiv.org/pdf/2305.10433v1 | http://arxiv.org/abs/2305.10433v1 | Huriyyah Althunayan, Rahaf Bahlas, Manar Alharbi, Lena Alsuwailem, Abeer Aldayel, Rehab ALahmadi | 2023-05-11T11:56:42Z | cs.CL, cs.SI | Toxic language is difficult to define, as it is not monolithic and has many
variations in perceptions of toxicity. This challenge of detecting toxic
language is increased by the highly contextual and subjectivity of its
interpretation, which can degrade the reliability of datasets and negatively
affect detection model performance. To fill this void, this paper introduces a
toxicity inspector framework that incorporates a human-in-the-loop pipeline
with the aim of enhancing the reliability of toxicity benchmark datasets by
centering the evaluator's values through an iterative feedback cycle. The
centerpiece of this framework is the iterative feedback process, which is
guided by two metric types (hard and soft) that provide evaluators and dataset
creators with insightful examination to balance the tradeoff between
performance gains and toxicity avoidance. | cs.CL | Toxicity Inspector: A Framework to Evaluate Ground Truth in Toxicity Detection Through Feedback |
2023-05-11T10:56:20Z | http://arxiv.org/pdf/2305.06721v2 | http://arxiv.org/abs/2305.06721v2 | João Rodrigues, Luís Gomes, João Silva, António Branco, Rodrigo Santos, Henrique Lopes Cardoso, Tomás Osório | 2023-06-20T15:22:58Z | cs.CL | To advance the neural encoding of Portuguese (PT), and a fortiori the
technological preparation of this language for the digital age, we developed a
Transformer-based foundation model that sets a new state of the art in this
respect for two of its variants, namely European Portuguese from Portugal
(PT-PT) and American Portuguese from Brazil (PT-BR).
To develop this encoder, which we named Albertina PT-*, a strong model was
used as a starting point, DeBERTa, and its pre-training was done over data sets
of Portuguese, namely over data sets we gathered for PT-PT and PT-BR, and over
the brWaC corpus for PT-BR. The performance of Albertina and competing models
was assessed by evaluating them on prominent downstream language processing
tasks adapted for Portuguese.
Both Albertina PT-PT and PT-BR versions are distributed free of charge and
under the most permissive license possible and can be run on consumer-grade
hardware, thus seeking to contribute to the advancement of research and
innovation in language technology for Portuguese. | cs.CL | Advancing Neural Encoding of Portuguese with Transformer Albertina PT-* |
2023-05-11T09:40:24Z | http://arxiv.org/pdf/2305.06683v1 | http://arxiv.org/abs/2305.06683v1 | Yujie Wang, Chao Huang, Liner Yang, Zhixuan Fang, Yaping Huang, Yang Liu, Erhong Yang | 2023-05-11T09:40:24Z | cs.CL, cs.AI | This paper introduces a novel worker selection algorithm, enhancing
annotation quality and reducing costs in challenging span-based sequence
labeling tasks in Natural Language Processing (NLP). Unlike previous studies
targeting simpler tasks, this study contends with the complexities of label
interdependencies in sequence labeling tasks. The proposed algorithm utilizes a
Combinatorial Multi-Armed Bandit (CMAB) approach for worker selection. The
challenge of dealing with imbalanced and small-scale datasets, which hinders
offline simulation of worker selection, is tackled using an innovative data
augmentation method termed shifting, expanding, and shrinking (SES). The SES
method is designed specifically for sequence labeling tasks. Rigorous testing
on CoNLL 2003 NER and Chinese OEI datasets showcased the algorithm's
efficiency, with an increase in F1 score up to 100.04% of the expert-only
baseline, alongside cost savings up to 65.97%. The paper also encompasses a
dataset-independent test emulating annotation evaluation through a Bernoulli
distribution, which still led to an impressive 97.56% F1 score of the expert
baseline and 59.88% cost savings. This research addresses and overcomes
numerous obstacles in worker selection for complex NLP tasks. | cs.CL | Cost-efficient Crowdsourcing for Span-based Sequence Labeling: Worker Selection and Data Augmentation |
2023-05-11T09:24:41Z | http://arxiv.org/pdf/2305.06677v2 | http://arxiv.org/abs/2305.06677v2 | H S V N S Kowndinya Renduchintala, Krishnateja Killamsetty, Sumit Bhatia, Milan Aggarwal, Ganesh Ramakrishnan, Rishabh Iyer, Balaji Krishnamurthy | 2023-10-19T19:55:20Z | cs.CL, cs.AI, cs.LG | A salient characteristic of pre-trained language models (PTLMs) is a
remarkable improvement in their generalization capability and emergence of new
capabilities with increasing model capacity and pre-training dataset size.
Consequently, we are witnessing the development of enormous models pushing the
state-of-the-art. It is, however, imperative to realize that this inevitably
leads to prohibitively long training times, extortionate computing costs, and a
detrimental environmental impact. Significant efforts are underway to make PTLM
training more efficient through innovations in model architectures, training
pipelines, and loss function design, with scant attention being paid to
optimizing the utility of training data. The key question that we ask is
whether it is possible to train PTLMs by employing only highly informative
subsets of the training data while maintaining downstream performance? Building
upon the recent progress in informative data subset selection, we show how we
can employ submodular optimization to select highly representative subsets of
the training corpora and demonstrate that the proposed framework can be applied
to efficiently train multiple PTLMs (BERT, BioBERT, GPT-2) using only a
fraction of data. Further, we perform a rigorous empirical evaluation to show
that the resulting models achieve up to $\sim99\%$ of the performance of the
fully-trained models. We made our framework publicly available at
https://github.com/Efficient-AI/ingenious. | cs.CL | INGENIOUS: Using Informative Data Subsets for Efficient Pre-Training of Language Models |
2023-05-11T08:45:55Z | http://arxiv.org/pdf/2305.06655v2 | http://arxiv.org/abs/2305.06655v2 | Linzheng Chai, Dongling Xiao, Jian Yang, Liqun Yang, Qian-Wen Zhang, Yunbo Cao, Zhoujun Li, Zhao Yan | 2023-05-16T06:22:47Z | cs.CL | Context-dependent Text-to-SQL aims to translate multi-turn natural language
questions into SQL queries. Despite various methods have exploited
context-dependence information implicitly for contextual SQL parsing, there are
few attempts to explicitly address the dependencies between current question
and question context. This paper presents QURG, a novel Question Rewriting
Guided approach to help the models achieve adequate contextual understanding.
Specifically, we first train a question rewriting model to complete the current
question based on question context, and convert them into a rewriting edit
matrix. We further design a two-stream matrix encoder to jointly model the
rewriting relations between question and context, and the schema linking
relations between natural language and structured schema. Experimental results
show that QURG significantly improves the performances on two large-scale
context-dependent datasets SParC and CoSQL, especially for hard and long-turn
questions. | cs.CL | QURG: Question Rewriting Guided Context-Dependent Text-to-SQL Semantic Parsing |
2023-05-11T08:29:05Z | http://arxiv.org/pdf/2305.06647v2 | http://arxiv.org/abs/2305.06647v2 | Xinbei Ma, Yeyun Gong, Pengcheng He, Hai Zhao, Nan Duan | 2024-02-28T09:12:35Z | cs.CL | Based on the remarkable achievements of pre-trained language models in
abstractive summarization, the copying mechanism has proved helpful by
improving the factuality, stability, and overall performance. This work
proposes PROM, a new PhRase-level cOpying Mechanism that enhances attention on
n-grams, which can be applied to zero-shot summarization with pre-training.
PROM adds an indicator layer to explicitly pick up tokens in n-gram that can be
copied from the source, and calculates an auxiliary loss for the copying
prediction. Empirical studies show that PROM makes significant improvements in
fine-tuning on benchmarks. In zero-shot setting, PROM is utilized in the
self-supervised pre-training on raw corpora and provides new general baselines
on a wide range of summarization datasets. Further analysis shows that PROM
performs more reasonable copying and contributes to faithfulness. | cs.CL | PROM: A Phrase-level Copying Mechanism with Pre-training for Abstractive Summarization |
2023-05-11T07:55:20Z | http://arxiv.org/pdf/2305.06626v5 | http://arxiv.org/abs/2305.06626v5 | Eve Fleisig, Rediet Abebe, Dan Klein | 2024-03-17T23:39:58Z | cs.CL, cs.AI | Though majority vote among annotators is typically used for ground truth
labels in natural language processing, annotator disagreement in tasks such as
hate speech detection may reflect differences in opinion across groups, not
noise. Thus, a crucial problem in hate speech detection is determining whether
a statement is offensive to the demographic group that it targets, when that
group may constitute a small fraction of the annotator pool. We construct a
model that predicts individual annotator ratings on potentially offensive text
and combines this information with the predicted target group of the text to
model the opinions of target group members. We show gains across a range of
metrics, including raising performance over the baseline by 22% at predicting
individual annotators' ratings and by 33% at predicting variance among
annotators, which provides a metric for model uncertainty downstream. We find
that annotator ratings can be predicted using their demographic information and
opinions on online content, without the need to track identifying annotator IDs
that link each annotator to their ratings. We also find that use of
non-invasive survey questions on annotators' online experiences helps to
maximize privacy and minimize unnecessary collection of demographic information
when predicting annotators' opinions. | cs.CL | When the Majority is Wrong: Modeling Annotator Disagreement for Subjective Tasks |
2023-05-11T07:32:20Z | http://arxiv.org/pdf/2305.06620v1 | http://arxiv.org/abs/2305.06620v1 | Wenzheng Zhao, Yuanning Cui, Wei Hu | 2023-05-11T07:32:20Z | cs.CL | Continual relation extraction (RE) aims to learn constantly emerging
relations while avoiding forgetting the learned relations. Existing works store
a small number of typical samples to re-train the model for alleviating
forgetting. However, repeatedly replaying these samples may cause the
overfitting problem. We conduct an empirical study on existing works and
observe that their performance is severely affected by analogous relations. To
address this issue, we propose a novel continual extraction model for analogous
relations. Specifically, we design memory-insensitive relation prototypes and
memory augmentation to overcome the overfitting problem. We also introduce
integrated training and focal knowledge distillation to enhance the performance
on analogous relations. Experimental results show the superiority of our model
and demonstrate its effectiveness in distinguishing analogous relations and
overcoming overfitting. | cs.CL | Improving Continual Relation Extraction by Distinguishing Analogous Semantics |
2023-05-11T07:25:47Z | http://arxiv.org/pdf/2305.06616v1 | http://arxiv.org/abs/2305.06616v1 | Xinyi Wang, Zitao Wang, Wei Hu | 2023-05-11T07:25:47Z | cs.CL | Continual few-shot relation extraction (RE) aims to continuously train a
model for new relations with few labeled training data, of which the major
challenges are the catastrophic forgetting of old relations and the overfitting
caused by data sparsity. In this paper, we propose a new model, namely SCKD, to
accomplish the continual few-shot RE task. Specifically, we design serial
knowledge distillation to preserve the prior knowledge from previous models and
conduct contrastive learning with pseudo samples to keep the representations of
samples in different relations sufficiently distinguishable. Our experiments on
two benchmark datasets validate the effectiveness of SCKD for continual
few-shot RE and its superiority in knowledge transfer and memory utilization
over state-of-the-art models. | cs.CL | Serial Contrastive Knowledge Distillation for Continual Few-shot Relation Extraction |
2023-05-11T07:23:01Z | http://arxiv.org/pdf/2305.06615v1 | http://arxiv.org/abs/2305.06615v1 | Nikolay Mikhaylovskiy, Ilya Churilov | 2023-05-11T07:23:01Z | cs.CL, I.2.7 | We show that the laws of autocorrelations decay in texts are closely related
to applicability limits of language models. Using distributional semantics we
empirically demonstrate that autocorrelations of words in texts decay according
to a power law. We show that distributional semantics provides coherent
autocorrelations decay exponents for texts translated to multiple languages.
The autocorrelations decay in generated texts is quantitatively and often
qualitatively different from the literary texts. We conclude that language
models exhibiting Markov behavior, including large autoregressive language
models, may have limitations when applied to long texts, whether analysis or
generation. | cs.CL | Autocorrelations Decay in Texts and Applicability Limits of Language Models |
2023-05-11T06:43:37Z | http://arxiv.org/pdf/2305.06599v3 | http://arxiv.org/abs/2305.06599v3 | Jia Li, Ge Li, Yongmin Li, Zhi Jin | 2023-09-07T11:39:07Z | cs.SE, cs.CL | Large Language Models (LLMs) (e.g., ChatGPT) have shown impressive
performance in code generation. LLMs take prompts as inputs, and
Chain-of-Thought (CoT) prompting is the state-of-the-art prompting technique.
CoT prompting asks LLMs first to generate CoTs (i.e., intermediate natural
language reasoning steps) and then output the code. However, CoT prompting is
designed for natural language generation and has low accuracy in code
generation.
In this paper, we propose Structured CoTs (SCoTs) and present a novel
prompting technique for code generation, named SCoT prompting. Our motivation
is source code contains rich structural information and any code can be
composed of three program structures (i.e., sequence, branch, and loop
structures). Intuitively, structured intermediate reasoning steps make for
structured source code. Thus, we ask LLMs to use program structures to build
CoTs, obtaining SCoTs. Then, LLMs generate the final code based on SCoTs.
Compared to CoT prompting, SCoT prompting explicitly constrains LLMs to think
about how to solve requirements from the view of source code and further the
performance of LLMs in code generation. We apply SCoT prompting to two LLMs
(i.e., ChatGPT and Codex) and evaluate it on three benchmarks (i.e., HumanEval,
MBPP, and MBCPP). (1) SCoT prompting outperforms the state-of-the-art baseline
- CoT prompting by up to 13.79% in Pass@1. (2) Human evaluation shows human
developers prefer programs from SCoT prompting. (3) SCoT prompting is robust to
examples and achieves substantial improvements. | cs.SE | Structured Chain-of-Thought Prompting for Code Generation |
2023-05-11T06:27:38Z | http://arxiv.org/pdf/2305.06595v3 | http://arxiv.org/abs/2305.06595v3 | Mohsinul Kabir, Obayed Bin Mahfuz, Syed Rifat Raiyan, Hasan Mahmud, Md Kamrul Hasan | 2023-06-08T08:57:41Z | cs.CL | The analysis of consumer sentiment, as expressed through reviews, can provide
a wealth of insight regarding the quality of a product. While the study of
sentiment analysis has been widely explored in many popular languages,
relatively less attention has been given to the Bangla language, mostly due to
a lack of relevant data and cross-domain adaptability. To address this
limitation, we present BanglaBook, a large-scale dataset of Bangla book reviews
consisting of 158,065 samples classified into three broad categories: positive,
negative, and neutral. We provide a detailed statistical analysis of the
dataset and employ a range of machine learning models to establish baselines
including SVM, LSTM, and Bangla-BERT. Our findings demonstrate a substantial
performance advantage of pre-trained models over models that rely on manually
crafted features, emphasizing the necessity for additional training resources
in this domain. Additionally, we conduct an in-depth error analysis by
examining sentiment unigrams, which may provide insight into common
classification errors in under-resourced languages like Bangla. Our codes and
data are publicly available at https://github.com/mohsinulkabir14/BanglaBook. | cs.CL | BanglaBook: A Large-scale Bangla Dataset for Sentiment Analysis from Book Reviews |
2023-05-11T06:08:49Z | http://arxiv.org/pdf/2305.06590v2 | http://arxiv.org/abs/2305.06590v2 | Jiho Kim, Sungjin Park, Yeonsu Kwon, Yohan Jo, James Thorne, Edward Choi | 2023-05-19T03:50:52Z | cs.CL, cs.AI | In real world applications, knowledge graphs (KG) are widely used in various
domains (e.g. medical applications and dialogue agents). However, for fact
verification, KGs have not been adequately utilized as a knowledge source. KGs
can be a valuable knowledge source in fact verification due to their
reliability and broad applicability. A KG consists of nodes and edges which
makes it clear how concepts are linked together, allowing machines to reason
over chains of topics. However, there are many challenges in understanding how
these machine-readable concepts map to information in text. To enable the
community to better use KGs, we introduce a new dataset, FactKG: Fact
Verification via Reasoning on Knowledge Graphs. It consists of 108k natural
language claims with five types of reasoning: One-hop, Conjunction, Existence,
Multi-hop, and Negation. Furthermore, FactKG contains various linguistic
patterns, including colloquial style claims as well as written style claims to
increase practicality. Lastly, we develop a baseline approach and analyze
FactKG over these reasoning types. We believe FactKG can advance both
reliability and practicality in KG-based fact verification. | cs.CL | FactKG: Fact Verification via Reasoning on Knowledge Graphs |
2023-05-11T05:56:08Z | http://arxiv.org/pdf/2305.06586v2 | http://arxiv.org/abs/2305.06586v2 | Besnik Fetahu, Sudipta Kar, Zhiyu Chen, Oleg Rokhlenko, Shervin Malmasi | 2023-05-25T17:54:06Z | cs.CL, cs.AI | We present the findings of SemEval-2023 Task 2 on Fine-grained Multilingual
Named Entity Recognition (MultiCoNER 2). Divided into 13 tracks, the task
focused on methods to identify complex fine-grained named entities (like
WRITTENWORK, VEHICLE, MUSICALGRP) across 12 languages, in both monolingual and
multilingual scenarios, as well as noisy settings. The task used the MultiCoNER
V2 dataset, composed of 2.2 million instances in Bangla, Chinese, English,
Farsi, French, German, Hindi, Italian., Portuguese, Spanish, Swedish, and
Ukrainian. MultiCoNER 2 was one of the most popular tasks of SemEval-2023. It
attracted 842 submissions from 47 teams, and 34 teams submitted system papers.
Results showed that complex entity types such as media titles and product names
were the most challenging. Methods fusing external knowledge into transformer
models achieved the best performance, and the largest gains were on the
Creative Work and Group classes, which are still challenging even with external
knowledge. Some fine-grained classes proved to be more challenging than others,
such as SCIENTIST, ARTWORK, and PRIVATECORP. We also observed that noisy data
has a significant impact on model performance, with an average drop of 10% on
the noisy subset. The task highlights the need for future research on improving
NER robustness on noisy data containing complex entities. | cs.CL | SemEval-2023 Task 2: Fine-grained Multilingual Named Entity Recognition (MultiCoNER 2) |
2023-05-11T05:19:47Z | http://arxiv.org/pdf/2305.06575v3 | http://arxiv.org/abs/2305.06575v3 | Hongyuan Lu, Haoyang Huang, Dongdong Zhang, Haoran Yang, Wai Lam, Furu Wei | 2023-05-24T05:01:52Z | cs.CL | Large language models (LLMs) have shown surprisingly good performance in
multilingual neural machine translation (MNMT) even when trained without
parallel data. Yet, despite the fact that the amount of training data is
gigantic, they still struggle with translating rare words, particularly for
low-resource languages. Even worse, it is usually unrealistic to retrieve
relevant demonstrations for in-context learning with low-resource languages on
LLMs, which restricts the practical use of LLMs for translation -- how should
we mitigate this problem? To this end, we present a novel method, CoD, which
augments LLMs with prior knowledge with the chains of multilingual dictionaries
for a subset of input words to elicit translation abilities for LLMs. Extensive
experiments indicate that augmenting ChatGPT with CoD elicits large gains by up
to 13x chrF++ points for MNMT (3.08 to 42.63 for English to Serbian written in
Cyrillic script) on FLORES-200 full devtest set. We further demonstrate the
importance of chaining the multilingual dictionaries, as well as the
superiority of CoD to few-shot demonstration for low-resource languages. | cs.CL | Chain-of-Dictionary Prompting Elicits Translation in Large Language Models |
2023-05-11T05:17:54Z | http://arxiv.org/pdf/2305.06574v1 | http://arxiv.org/abs/2305.06574v1 | Jianheng Tang, Kangfei Zhao, Jia Li | 2023-05-11T05:17:54Z | cs.CL, cs.AI | Entity alignment is the task of identifying corresponding entities across
different knowledge graphs (KGs). Although recent embedding-based entity
alignment methods have shown significant advancements, they still struggle to
fully utilize KG structural information. In this paper, we introduce FGWEA, an
unsupervised entity alignment framework that leverages the Fused
Gromov-Wasserstein (FGW) distance, allowing for a comprehensive comparison of
entity semantics and KG structures within a joint optimization framework. To
address the computational challenges associated with optimizing FGW, we devise
a three-stage progressive optimization algorithm. It starts with a basic
semantic embedding matching, proceeds to approximate cross-KG structural and
relational similarity matching based on iterative updates of high-confidence
entity links, and ultimately culminates in a global structural comparison
between KGs. We perform extensive experiments on four entity alignment datasets
covering 14 distinct KGs across five languages. Without any supervision or
hyper-parameter tuning, FGWEA surpasses 21 competitive baselines, including
cutting-edge supervised entity alignment methods. Our code is available at
https://github.com/squareRoot3/FusedGW-Entity-Alignment. | cs.CL | A Fused Gromov-Wasserstein Framework for Unsupervised Knowledge Graph Entity Alignment |
2023-05-11T05:02:37Z | http://arxiv.org/pdf/2305.06569v6 | http://arxiv.org/abs/2305.06569v6 | Wenyue Hua, Shuyuan Xu, Yingqiang Ge, Yongfeng Zhang | 2023-09-26T01:40:11Z | cs.IR, cs.AI, cs.CL, cs.LG | Recommendation foundation model utilizes large language models (LLM) for
recommendation by converting recommendation tasks into natural language tasks.
It enables generative recommendation which directly generates the item(s) to
recommend rather than calculating a ranking score for each and every candidate
item as in traditional recommendation models, simplifying the recommendation
pipeline from multi-stage filtering to single-stage filtering. To avoid
generating excessively long text and hallucinated recommendations when deciding
which item(s) to recommend, creating LLM-compatible item IDs to uniquely
identify each item is essential for recommendation foundation models. In this
study, we systematically examine the item ID creation and indexing problem for
recommendation foundation models, using P5 as an example of the backbone LLM.
To emphasize the importance of item indexing, we first discuss the issues of
several trivial item indexing methods, such as random indexing, title indexing,
and independent indexing. We then propose four simple yet effective solutions,
including sequential indexing, collaborative indexing, semantic (content-based)
indexing, and hybrid indexing. Our study highlights the significant influence
of item indexing methods on the performance of LLM-based recommendation, and
our results on real-world datasets validate the effectiveness of our proposed
solutions. The research also demonstrates how recent advances on language
modeling and traditional IR principles such as indexing can help each other for
better learning and inference. Source code and data are available at
https://github.com/Wenyueh/LLM-RecSys-ID. | cs.IR | How to Index Item IDs for Recommendation Foundation Models |
2023-05-11T04:51:21Z | http://arxiv.org/pdf/2305.06566v4 | http://arxiv.org/abs/2305.06566v4 | Qijiong Liu, Nuo Chen, Tetsuya Sakai, Xiao-Ming Wu | 2023-08-31T13:43:43Z | cs.IR, cs.CL | Personalized content-based recommender systems have become indispensable
tools for users to navigate through the vast amount of content available on
platforms like daily news websites and book recommendation services. However,
existing recommenders face significant challenges in understanding the content
of items. Large language models (LLMs), which possess deep semantic
comprehension and extensive knowledge from pretraining, have proven to be
effective in various natural language processing tasks. In this study, we
explore the potential of leveraging both open- and closed-source LLMs to
enhance content-based recommendation. With open-source LLMs, we utilize their
deep layers as content encoders, enriching the representation of content at the
embedding level. For closed-source LLMs, we employ prompting techniques to
enrich the training data at the token level. Through comprehensive experiments,
we demonstrate the high effectiveness of both types of LLMs and show the
synergistic relationship between them. Notably, we observed a significant
relative improvement of up to 19.32% compared to existing state-of-the-art
recommendation models. These findings highlight the immense potential of both
open- and closed-source of LLMs in enhancing content-based recommendation
systems. We will make our code and LLM-generated data available for other
researchers to reproduce our results. | cs.IR | ONCE: Boosting Content-based Recommendation with Both Open- and Closed-source Large Language Models |
2023-05-11T04:28:58Z | http://arxiv.org/pdf/2305.06557v1 | http://arxiv.org/abs/2305.06557v1 | Yi Dai, Hao Lang, Yinhe Zheng, Fei Huang, Yongbin Li | 2023-05-11T04:28:58Z | cs.CL, cs.AI, cs.LG | Real-world data often have an open long-tailed distribution, and building a
unified QA model supporting various tasks is vital for practical QA
applications. However, it is non-trivial to extend previous QA approaches since
they either require access to seen tasks of adequate samples or do not
explicitly model samples from unseen tasks. In this paper, we define Open
Long-Tailed QA (OLTQA) as learning from long-tailed distributed data and
optimizing performance over seen and unseen QA tasks. We propose an OLTQA model
that encourages knowledge sharing between head, tail and unseen tasks, and
explicitly mines knowledge from a large pre-trained language model (LM).
Specifically, we organize our model through a pool of fine-grained components
and dynamically combine these components for an input to facilitate knowledge
sharing. A retrieve-then-rerank frame is further introduced to select
in-context examples, which guild the LM to generate text that express knowledge
for QA tasks. Moreover, a two-stage training approach is introduced to
pre-train the framework by knowledge distillation (KD) from the LM and then
jointly train the frame and a QA model through an adaptive mutual KD method. On
a large-scale OLTQA dataset we curate from 43 existing QA datasets, our model
consistently outperforms the state-of-the-art. We release the code and data at
\url{https://github.com/AlibabaResearch/DAMO-ConvAI/tree/main/oltqa}. | cs.CL | Long-Tailed Question Answering in an Open World |
2023-05-11T04:19:08Z | http://arxiv.org/pdf/2305.06555v1 | http://arxiv.org/abs/2305.06555v1 | Yi Dai, Hao Lang, Yinhe Zheng, Bowen Yu, Fei Huang, Yongbin Li | 2023-05-11T04:19:08Z | cs.CL, cs.AI, cs.LG | Lifelong learning (LL) is an important ability for NLP models to learn new
tasks continuously. Architecture-based approaches are reported to be effective
implementations for LL models. However, it is non-trivial to extend previous
approaches to domain incremental LL scenarios since they either require access
to task identities in the testing phase or cannot handle samples from unseen
tasks. In this paper, we propose \textbf{Diana}: a
\underline{d}ynam\underline{i}c \underline{a}rchitecture-based
lifelo\underline{n}g le\underline{a}rning model that tries to learn a sequence
of tasks with a prompt-enhanced language model. Four types of hierarchically
organized prompts are used in Diana to capture knowledge from different
granularities. Specifically, we dedicate task-level prompts to capture
task-specific knowledge to retain high LL performances and maintain
instance-level prompts to learn knowledge shared across input samples to
improve the model's generalization performance. Moreover, we dedicate separate
prompts to explicitly model unseen tasks and introduce a set of prompt key
vectors to facilitate knowledge sharing between tasks. Extensive experiments
demonstrate that Diana outperforms state-of-the-art LL models, especially in
handling unseen tasks. We release the code and data at
\url{https://github.com/AlibabaResearch/DAMO-ConvAI/tree/main/diana}. | cs.CL | Domain Incremental Lifelong Learning in an Open World |
2023-05-11T03:21:56Z | http://arxiv.org/pdf/2305.06545v1 | http://arxiv.org/abs/2305.06545v1 | Dongyang Li, Ruixue Ding, Qiang Zhang, Zheng Li, Boli Chen, Pengjun Xie, Yao Xu, Xin Li, Ning Guo, Fei Huang, Xiaofeng He | 2023-05-11T03:21:56Z | cs.CL, cs.AI | With a fast developing pace of geographic applications, automatable and
intelligent models are essential to be designed to handle the large volume of
information. However, few researchers focus on geographic natural language
processing, and there has never been a benchmark to build a unified standard.
In this work, we propose a GeoGraphic Language Understanding Evaluation
benchmark, named GeoGLUE. We collect data from open-released geographic
resources and introduce six natural language understanding tasks, including
geographic textual similarity on recall, geographic textual similarity on
rerank, geographic elements tagging, geographic composition analysis,
geographic where what cut, and geographic entity alignment. We also pro vide
evaluation experiments and analysis of general baselines, indicating the
effectiveness and significance of the GeoGLUE benchmark. | cs.CL | GeoGLUE: A GeoGraphic Language Understanding Evaluation Benchmark |
2023-05-11T03:01:40Z | http://arxiv.org/pdf/2305.06539v1 | http://arxiv.org/abs/2305.06539v1 | Ron Eliav, Anya Ji, Yoav Artzi, Robert D. Hawkins | 2023-05-11T03:01:40Z | cs.CL | A long tradition of studies in psycholinguistics has examined the formation
and generalization of ad hoc conventions in reference games, showing how newly
acquired conventions for a given target transfer to new referential contexts.
However, another axis of generalization remains understudied: how do
conventions formed for one target transfer to completely distinct targets, when
specific lexical choices are unlikely to repeat? This paper presents two dyadic
studies (N = 240) that address this axis of generalization, focusing on the
role of nameability -- the a priori likelihood that two individuals will share
the same label. We leverage the recently-released KiloGram dataset, a
collection of abstract tangram images that is orders of magnitude larger than
previously available, exhibiting high diversity of properties like nameability.
Our first study asks how nameability shapes convention formation, while the
second asks how new conventions generalize to entirely new targets of
reference. Our results raise new questions about how ad hoc conventions extend
beyond target-specific re-use of specific lexical choices. | cs.CL | Semantic uncertainty guides the extension of conventions to new referents |
2023-05-11T02:44:29Z | http://arxiv.org/pdf/2305.06535v1 | http://arxiv.org/abs/2305.06535v1 | Lingzhi Wang, Tong Chen, Wei Yuan, Xingshan Zeng, Kam-Fai Wong, Hongzhi Yin | 2023-05-11T02:44:29Z | cs.CL | Recent legislation of the "right to be forgotten" has led to the interest in
machine unlearning, where the learned models are endowed with the function to
forget information about specific training instances as if they have never
existed in the training set. Previous work mainly focuses on computer vision
scenarios and largely ignores the essentials of unlearning in NLP field, where
text data contains more explicit and sensitive personal information than
images. In this paper, we propose a general unlearning framework called KGA to
induce forgetfulness. Different from previous work that tries to recover
gradients or forces models to perform close to one specific distribution, KGA
maintains distribution differences (i.e., knowledge gap). This relaxes the
distribution assumption. Furthermore, we first apply the unlearning method to
various NLP tasks (i.e., classification, translation, response generation) and
propose several unlearning evaluation metrics with pertinence. Experiments on
large-scale datasets show that KGA yields comprehensive improvements over
baselines, where extensive analyses further validate the effectiveness of KGA
and provide insight into unlearning for NLP tasks. | cs.CL | KGA: A General Machine Unlearning Framework Based on Knowledge Gap Alignment |
2023-05-11T02:29:53Z | http://arxiv.org/pdf/2305.06530v1 | http://arxiv.org/abs/2305.06530v1 | Jessica Ojo, Kelechi Ogueji | 2023-05-11T02:29:53Z | cs.CL, cs.AI, cs.LG | Recent advancements in Natural Language Processing (NLP) has led to the
proliferation of large pretrained language models. These models have been shown
to yield good performance, using in-context learning, even on unseen tasks and
languages. They have also been exposed as commercial APIs as a form of
language-model-as-a-service, with great adoption. However, their performance on
African languages is largely unknown. We present a preliminary analysis of
commercial large language models on two tasks (machine translation and text
classification) across eight African languages, spanning different language
families and geographical areas. Our results suggest that commercial language
models produce below-par performance on African languages. We also find that
they perform better on text classification than machine translation. In
general, our findings present a call-to-action to ensure African languages are
well represented in commercial large language models, given their growing
popularity. | cs.CL | How Good are Commercial Large Language Models on African Languages? |
2023-05-11T01:50:16Z | http://arxiv.org/pdf/2305.06522v1 | http://arxiv.org/abs/2305.06522v1 | Han Cheol Moon, Shafiq Joty, Ruochen Zhao, Megh Thakkar, Xu Chi | 2023-05-11T01:50:16Z | cs.CL, cs.AI | Large-scale pre-trained language models have shown outstanding performance in
a variety of NLP tasks. However, they are also known to be significantly
brittle against specifically crafted adversarial examples, leading to
increasing interest in probing the adversarial robustness of NLP systems. We
introduce RSMI, a novel two-stage framework that combines randomized smoothing
(RS) with masked inference (MI) to improve the adversarial robustness of NLP
systems. RS transforms a classifier into a smoothed classifier to obtain robust
representations, whereas MI forces a model to exploit the surrounding context
of a masked token in an input sequence. RSMI improves adversarial robustness by
2 to 3 times over existing state-of-the-art methods on benchmark datasets. We
also perform in-depth qualitative analysis to validate the effectiveness of the
different stages of RSMI and probe the impact of its components through
extensive ablations. By empirically proving the stability of RSMI, we put it
forward as a practical method to robustly train large-scale NLP models. Our
code and datasets are available at https://github.com/Han8931/rsmi_nlp | cs.CL | Randomized Smoothing with Masked Inference for Adversarially Robust Text Classifications |
2023-05-10T22:29:12Z | http://arxiv.org/pdf/2305.06485v1 | http://arxiv.org/abs/2305.06485v1 | Mert İnan, Aishwarya Padmakumar, Spandana Gella, Patrick Lange, Dilek Hakkani-Tur | 2023-05-10T22:29:12Z | cs.RO, cs.AI, cs.CL, cs.HC | Task planning is an important component of traditional robotics systems
enabling robots to compose fine grained skills to perform more complex tasks.
Recent work building systems for translating natural language to executable
actions for task completion in simulated embodied agents is focused on directly
predicting low level action sequences that would be expected to be directly
executable by a physical robot. In this work, we instead focus on predicting a
higher level plan representation for one such embodied task completion dataset
- TEACh, under the assumption that techniques for high-level plan prediction
from natural language are expected to be more transferable to physical robot
systems. We demonstrate that better plans can be predicted using multimodal
context, and that plan prediction and plan execution modules are likely
dependent on each other and hence it may not be ideal to fully decouple them.
Further, we benchmark execution of oracle plans to quantify the scope for
improvement in plan prediction models. | cs.RO | Multimodal Contextualized Plan Prediction for Embodied Task Completion |
2023-05-10T21:37:44Z | http://arxiv.org/pdf/2305.06472v2 | http://arxiv.org/abs/2305.06472v2 | Yan-Fu Li, Huan Wang, Muxia Sun | 2023-05-12T10:41:35Z | cs.LG, cs.AI, cs.CL | Prognostics and health management (PHM) technology plays a critical role in
industrial production and equipment maintenance by identifying and predicting
possible equipment failures and damages, thereby allowing necessary maintenance
measures to be taken to enhance equipment service life and reliability while
reducing production costs and downtime. In recent years, PHM technology based
on artificial intelligence (AI) has made remarkable achievements in the context
of the industrial IoT and big data, and it is widely used in various
industries, such as railway, energy, and aviation, for condition monitoring,
fault prediction, and health management. The emergence of large-scale
foundation models (LSF-Models) such as ChatGPT and DALLE-E marks the entry of
AI into a new era of AI-2.0 from AI-1.0, where deep models have rapidly evolved
from a research paradigm of single-modal, single-task, and limited-data to a
multi-modal, multi-task, massive data, and super-large model paradigm. ChatGPT
represents a landmark achievement in this research paradigm, offering hope for
general artificial intelligence due to its highly intelligent natural language
understanding ability. However, the PHM field lacks a consensus on how to
respond to this significant change in the AI field, and a systematic review and
roadmap is required to elucidate future development directions. To fill this
gap, this paper systematically expounds on the key components and latest
developments of LSF-Models. Then, we systematically answered how to build the
LSF-Model applicable to PHM tasks and outlined the challenges and future
development roadmaps for this research paradigm. | cs.LG | ChatGPT-Like Large-Scale Foundation Models for Prognostics and Health Management: A Survey and Roadmaps |
2023-05-10T19:56:55Z | http://arxiv.org/pdf/2305.06434v1 | http://arxiv.org/abs/2305.06434v1 | Zhibin Lu, Qianqian Xie, Benyou Wang, Jian-yun Nie | 2023-05-10T19:56:55Z | cs.CL, cs.LG | Graph Convolutional Networks (GCNs) have shown strong performance in learning
text representations for various tasks such as text classification, due to its
expressive power in modeling graph structure data (e.g., a literature citation
network). Most existing GCNs are limited to deal with documents included in a
pre-defined graph, i.e., it cannot be generalized to out-of-graph documents. To
address this issue, we propose to transform the document graph into a word
graph, to decouple data samples (i.e., documents in training and test sets) and
a GCN model by using a document-independent graph. Such word-level GCN could
therefore naturally inference out-of-graph documents in an inductive way. The
proposed Word-level Graph (WGraph) can not only implicitly learning word
presentation with commonly-used word co-occurrences in corpora, but also
incorporate extra global semantic dependency derived from inter-document
relationships (e.g., literature citations). An inductive Word-grounded Graph
Convolutional Network (WGCN) is proposed to learn word and document
representations based on WGraph in a supervised manner. Experiments on text
classification with and without citation networks evidence that the proposed
WGCN model outperforms existing methods in terms of effectiveness and
efficiency. | cs.CL | Word Grounded Graph Convolutional Network |
2023-05-10T19:31:25Z | http://arxiv.org/pdf/2305.06429v1 | http://arxiv.org/abs/2305.06429v1 | Ahmad Al Harere, Khloud Al Jallad | 2023-05-10T19:31:25Z | cs.SD, cs.AI, cs.CL, cs.LG, eess.AS | In Islam, readers must apply a set of pronunciation rules called Tajweed
rules to recite the Quran in the same way that the angel Jibrael taught the
Prophet, Muhammad. The traditional process of learning the correct application
of these rules requires a human who must have a license and great experience to
detect mispronunciation. Due to the increasing number of Muslims around the
world, the number of Tajweed teachers is not enough nowadays for daily
recitation practice for every Muslim. Therefore, lots of work has been done for
automatic Tajweed rules' mispronunciation detection to help readers recite
Quran correctly in an easier way and shorter time than traditional learning
ways. All previous works have three common problems. First, most of them
focused on machine learning algorithms only. Second, they used private datasets
with no benchmark to compare with. Third, they did not take into consideration
the sequence of input data optimally, although the speech signal is time
series. To overcome these problems, we proposed a solution that consists of
Mel-Frequency Cepstral Coefficient (MFCC) features with Long Short-Term Memory
(LSTM) neural networks which use the time series, to detect mispronunciation in
Tajweed rules. In addition, our experiments were performed on a public dataset,
the QDAT dataset, which contains more than 1500 voices of the correct and
incorrect recitation of three Tajweed rules (Separate stretching , Tight Noon ,
and Hide ). To the best of our knowledge, the QDAT dataset has not been used by
any research paper yet. We compared the performance of the proposed LSTM model
with traditional machine learning algorithms used in SoTA. The LSTM model with
time series showed clear superiority over traditional machine learning. The
accuracy achieved by LSTM on the QDAT dataset was 96%, 95%, and 96% for the
three rules (Separate stretching, Tight Noon, and Hide), respectively. | cs.SD | Mispronunciation Detection of Basic Quranic Recitation Rules using Deep Learning |
2023-05-10T19:09:24Z | http://arxiv.org/pdf/2305.06424v3 | http://arxiv.org/abs/2305.06424v3 | Hong Wang, Xuan Luo, Weizhi Wang, Xifeng Yan | 2024-04-22T00:03:35Z | cs.CL | Large language models like GPT-4 have recently demonstrated impressive
capabilities in natural language understanding and generation, enabling various
applications including translation, essay writing, and chit-chatting. However,
there is a concern that they can be misused for malicious purposes, such as
fraud or denial-of-service attacks. Therefore, it is crucial to develop methods
for detecting whether the party involved in a conversation is a bot or a human.
In this paper, we propose a framework named FLAIR, Finding Large Language Model
Authenticity via a Single Inquiry and Response, to detect conversational bots
in an online manner. Specifically, we target a single question scenario that
can effectively differentiate human users from bots. The questions are divided
into two categories: those that are easy for humans but difficult for bots
(e.g., counting, substitution, and ASCII art reasoning), and those that are
easy for bots but difficult for humans (e.g., memorization and computation).
Our approach shows different strengths of these questions in their
effectiveness, providing a new way for online service providers to protect
themselves against nefarious activities and ensure that they are serving real
users. We open-sourced our code and dataset on
https://github.com/hongwang600/FLAIR and welcome contributions from the
community. | cs.CL | Bot or Human? Detecting ChatGPT Imposters with A Single Question |
2023-05-10T18:53:51Z | http://arxiv.org/pdf/2305.06416v1 | http://arxiv.org/abs/2305.06416v1 | Vince C. Hartman, Sanika S. Bapat, Mark G. Weiner, Babak B. Navi, Evan T. Sholle, Thomas R. Campion, Jr | 2023-05-10T18:53:51Z | cs.CL, cs.LG | Generation of automated clinical notes have been posited as a strategy to
mitigate physician burnout. In particular, an automated narrative summary of a
patient's hospital stay could supplement the hospital course section of the
discharge summary that inpatient physicians document in electronic health
record (EHR) systems. In the current study, we developed and evaluated an
automated method for summarizing the hospital course section using
encoder-decoder sequence-to-sequence transformer models. We fine tuned BERT and
BART models and optimized for factuality through constraining beam search,
which we trained and tested using EHR data from patients admitted to the
neurology unit of an academic medical center. The approach demonstrated good
ROUGE scores with an R-2 of 13.76. In a blind evaluation, two board-certified
physicians rated 62% of the automated summaries as meeting the standard of
care, which suggests the method may be useful clinically. To our knowledge,
this study is among the first to demonstrate an automated method for generating
a discharge summary hospital course that approaches a quality level of what a
physician would write. | cs.CL | A Method to Automate the Discharge Summary Hospital Course for Neurology Patients |
2023-05-10T18:40:01Z | http://arxiv.org/pdf/2305.07034v1 | http://arxiv.org/abs/2305.07034v1 | Ahmad Al Harere, Khloud Al Jallad | 2023-05-10T18:40:01Z | eess.AS, cs.AI, cs.CL, cs.LG, cs.SD | The Quran is the holy scripture of Islam, and its recitation is an important
aspect of the religion. Recognizing the recitation of the Holy Quran
automatically is a challenging task due to its unique rules that are not
applied in normal speaking speeches. A lot of research has been done in this
domain, but previous works have detected recitation errors as a classification
task or used traditional automatic speech recognition (ASR). In this paper, we
proposed a novel end-to-end deep learning model for recognizing the recitation
of the Holy Quran. The proposed model is a CNN-Bidirectional GRU encoder that
uses CTC as an objective function, and a character-based decoder which is a
beam search decoder. Moreover, all previous works were done on small private
datasets consisting of short verses and a few chapters of the Holy Quran. As a
result of using private datasets, no comparisons were done. To overcome this
issue, we used a public dataset that has recently been published (Ar-DAD) and
contains about 37 chapters that were recited by 30 reciters, with different
recitation speeds and different types of pronunciation rules. The proposed
model performance was evaluated using the most common evaluation metrics in
speech recognition, word error rate (WER), and character error rate (CER). The
results were 8.34% WER and 2.42% CER. We hope this research will be a baseline
for comparisons with future research on this public new dataset (Ar-DAD). | eess.AS | Quran Recitation Recognition using End-to-End Deep Learning |
2023-05-10T18:38:48Z | http://arxiv.org/pdf/2306.01742v1 | http://arxiv.org/abs/2306.01742v1 | Neemesh Yadav, Mohammad Aflah Khan, Diksha Sethi, Raghav Sahni | 2023-05-10T18:38:48Z | cs.CL, cs.LG | Health experts assert that hope plays a crucial role in enhancing
individuals' physical and mental well-being, facilitating their recovery, and
promoting restoration. Hope speech refers to comments, posts and other social
media messages that offer support, reassurance, suggestions, inspiration, and
insight. The detection of hope speech involves the analysis of such textual
content, with the aim of identifying messages that invoke positive emotions in
people. Our study aims to find computationally efficient yet
comparable/superior methods for hope speech detection. We also make our
codebase public at https://github.com/aflah02/Hope_Speech_Detection | cs.CL | Beyond Negativity: Re-Analysis and Follow-Up Experiments on Hope Speech Detection |
2023-05-10T18:26:42Z | http://arxiv.org/pdf/2305.06404v1 | http://arxiv.org/abs/2305.06404v1 | Wen-Yu Hua, Brian Williams, Davood Shamsi | 2023-05-10T18:26:42Z | cs.CL, cs.AI | Text embeddings are useful features for several NLP applications, such as
sentence similarity, text clustering, and semantic search. In this paper, we
present a Low-rank Adaptation with a Contrastive objective on top of 8-bit
Siamese-BLOOM, a multilingual large language model optimized to produce
semantically meaningful word embeddings. The innovation is threefold. First, we
cast BLOOM weights to 8-bit values. Second, we fine-tune BLOOM with a scalable
adapter (LoRA) and 8-bit Adam optimizer for sentence similarity classification.
Third, we apply a Siamese architecture on BLOOM model with a contrastive
objective to ease the multi-lingual labeled data scarcity. The experiment
results show the quality of learned embeddings from LACoS-BLOOM is proportional
to the number of model parameters and the amount of unlabeled training data.
With the parameter efficient fine-tuning design, we are able to run BLOOM 7.1
billion parameters end-to-end on a single GPU machine with 32GB memory.
Compared to previous solution Sentence-BERT, we achieve significant improvement
on both English and multi-lingual STS tasks. | cs.CL | LACoS-BLOOM: Low-rank Adaptation with Contrastive objective on 8 bits Siamese-BLOOM |
2023-05-10T17:59:04Z | http://arxiv.org/pdf/2305.06355v2 | http://arxiv.org/abs/2305.06355v2 | KunChang Li, Yinan He, Yi Wang, Yizhuo Li, Wenhai Wang, Ping Luo, Yali Wang, Limin Wang, Yu Qiao | 2024-01-04T02:06:07Z | cs.CV, cs.CL | In this paper, we initiate an attempt of developing an end-to-end
chat-centric video understanding system, coined as VideoChat. It integrates
video foundation models and large language models via a learnable neural
interface, excelling in spatiotemporal reasoning, event localization, and
causal relationship inference. To instructively tune this system, we build a
video-centric instruction dataset, composed of thousands of videos associated
with detailed descriptions and conversations. This dataset emphasizes
spatiotemporal reasoning and captures causal relationships, providing a
valuable asset for training our chat-centric video understanding system.
Preliminary qualitative experiments demonstrate the potential of our system
across a broad spectrum of video applications, which could serve as a simple
prototype system for future research on chat-centric video understanding.
Access our code and data at https://github.com/OpenGVLab/Ask-Anything | cs.CV | VideoChat: Chat-Centric Video Understanding |
2023-05-10T17:54:51Z | http://arxiv.org/pdf/2305.06349v3 | http://arxiv.org/abs/2305.06349v3 | Zeming Chen, Gail Weiss, Eric Mitchell, Asli Celikyilmaz, Antoine Bosselut | 2023-11-05T21:20:54Z | cs.CL, cs.AI, cs.LG | Recent studies on transformer-based language models show that they can answer
questions by reasoning over knowledge provided as part of the context (i.e.,
in-context reasoning). However, since the available knowledge is often not
filtered for a particular question, in-context reasoning can be sensitive to
distractor facts, additional content that is irrelevant to a question but that
may be relevant for a different question (i.e., not necessarily random noise).
In these situations, the model fails to distinguish the knowledge that is
necessary to answer the question, leading to spurious reasoning and degraded
performance. This reasoning failure contrasts with the model's apparent ability
to distinguish its contextual knowledge from all the knowledge it has memorized
during pre-training. Following this observation, we propose teaching the model
to reason more robustly by folding the provided contextual knowledge into the
model's parameters before presenting it with a question. Our method, RECKONING,
is a bi-level learning algorithm that teaches language models to reason by
updating their parametric knowledge through back-propagation, allowing them to
then answer questions using the updated parameters. During training, the inner
loop rapidly adapts a copy of the model weights to encode contextual knowledge
into its parameters. In the outer loop, the model learns to use the updated
weights to reproduce and answer reasoning questions about the memorized
knowledge. Our experiments on two multi-hop reasoning datasets show that
RECKONING's performance improves over the in-context reasoning baseline (by up
to 4.5%). We also find that compared to in-context reasoning, RECKONING
generalizes better to longer reasoning chains unseen during training, is more
robust to distractors in the context, and is more computationally efficient
when multiple questions are asked about the same knowledge. | cs.CL | RECKONING: Reasoning through Dynamic Knowledge Encoding |
2023-05-10T17:44:01Z | http://arxiv.org/pdf/2305.06335v3 | http://arxiv.org/abs/2305.06335v3 | Eunkyul Leah Jo, Kyuwon Kim, Xihan Wu, KyungTae Lim, Jungyeul Park, Chulwoo Park | 2023-05-17T08:29:58Z | cs.CL | We present in this work a new Universal Morphology dataset for Korean.
Previously, the Korean language has been underrepresented in the field of
morphological paradigms amongst hundreds of diverse world languages. Hence, we
propose this Universal Morphological paradigms for the Korean language that
preserve its distinct characteristics. For our K-UniMorph dataset, we outline
each grammatical criterion in detail for the verbal endings, clarify how to
extract inflected forms, and demonstrate how we generate the morphological
schemata. This dataset adopts morphological feature schema from Sylak-Glassman
et al. (2015) and Sylak-Glassman (2016) for the Korean language as we extract
inflected verb forms from the Sejong morphologically analyzed corpus that is
one of the largest annotated corpora for Korean. During the data creation, our
methodology also includes investigating the correctness of the conversion from
the Sejong corpus. Furthermore, we carry out the inflection task using three
different Korean word forms: letters, syllables and morphemes. Finally, we
discuss and describe future perspectives on Korean morphological paradigms and
the dataset. | cs.CL | K-UniMorph: Korean Universal Morphology and its Feature Schema |
2023-05-10T17:34:52Z | http://arxiv.org/pdf/2305.06330v1 | http://arxiv.org/abs/2305.06330v1 | Yige Chen, KyungTae Lim, Jungyeul Park | 2023-05-10T17:34:52Z | cs.CL | In the paper, we propose a novel way of improving named entity recognition in
the Korean language using its language-specific features. While the field of
named entity recognition has been studied extensively in recent years, the
mechanism of efficiently recognizing named entities in Korean has hardly been
explored. This is because the Korean language has distinct linguistic
properties that prevent models from achieving their best performances.
Therefore, an annotation scheme for {Korean corpora} by adopting the CoNLL-U
format, which decomposes Korean words into morphemes and reduces the ambiguity
of named entities in the original segmentation that may contain functional
morphemes such as postpositions and particles, is proposed herein. We
investigate how the named entity tags are best represented in this
morpheme-based scheme and implement an algorithm to convert word-based {and
syllable-based Korean corpora} with named entities into the proposed
morpheme-based format. Analyses of the results of {statistical and neural}
models reveal that the proposed morpheme-based format is feasible, and the
{varied} performances of the models under the influence of various additional
language-specific features are demonstrated. Extrinsic conditions were also
considered to observe the variance of the performances of the proposed models,
given different types of data, including the original segmentation and
different types of tagging formats. | cs.CL | Korean Named Entity Recognition Based on Language-Specific Features |
2023-05-10T16:58:33Z | http://arxiv.org/pdf/2305.06311v2 | http://arxiv.org/abs/2305.06311v2 | Xiang Yue, Boshi Wang, Ziru Chen, Kai Zhang, Yu Su, Huan Sun | 2023-10-07T22:46:33Z | cs.CL | A recent focus of large language model (LLM) development, as exemplified by
generative search engines, is to incorporate external references to generate
and support its claims. However, evaluating the attribution, i.e., verifying
whether the generated statement is fully supported by the cited reference,
remains an open problem. Although human evaluation is common practice, it is
costly and time-consuming. In this paper, we investigate the automatic
evaluation of attribution given by LLMs. We begin by defining different types
of attribution errors, and then explore two approaches for automatic
evaluation: prompting LLMs and fine-tuning smaller LMs. The fine-tuning data is
repurposed from related tasks such as question answering, fact-checking,
natural language inference, and summarization. We manually curate a set of test
examples covering 12 domains from a generative search engine, New Bing. Our
results on this curated test set and simulated examples from existing
benchmarks highlight both promising signals and challenges. We hope our problem
formulation, testbeds, and findings will help lay the foundation for future
studies on this important problem. | cs.CL | Automatic Evaluation of Attribution by Large Language Models |
2023-05-10T16:40:52Z | http://arxiv.org/pdf/2305.06300v2 | http://arxiv.org/abs/2305.06300v2 | Ehsan Kamalloo, Xinyu Zhang, Odunayo Ogundepo, Nandan Thakur, David Alfonso-Hermelo, Mehdi Rezagholizadeh, Jimmy Lin | 2023-07-06T18:47:02Z | cs.IR, cs.CL | The ever-increasing size of language models curtails their widespread
availability to the community, thereby galvanizing many companies into offering
access to large language models through APIs. One particular type, suitable for
dense retrieval, is a semantic embedding service that builds vector
representations of input text. With a growing number of publicly available
APIs, our goal in this paper is to analyze existing offerings in realistic
retrieval scenarios, to assist practitioners and researchers in finding
suitable services according to their needs. Specifically, we investigate the
capabilities of existing semantic embedding APIs on domain generalization and
multilingual retrieval. For this purpose, we evaluate these services on two
standard benchmarks, BEIR and MIRACL. We find that re-ranking BM25 results
using the APIs is a budget-friendly approach and is most effective in English,
in contrast to the standard practice of employing them as first-stage
retrievers. For non-English retrieval, re-ranking still improves the results,
but a hybrid model with BM25 works best, albeit at a higher cost. We hope our
work lays the groundwork for evaluating semantic embedding APIs that are
critical in search and more broadly, for information access. | cs.IR | Evaluating Embedding APIs for Information Retrieval |
2023-05-10T16:40:37Z | http://arxiv.org/pdf/2305.06299v2 | http://arxiv.org/abs/2305.06299v2 | Chantal Shaib, Millicent L. Li, Sebastian Joseph, Iain J. Marshall, Junyi Jessy Li, Byron C. Wallace | 2023-05-11T15:51:55Z | cs.CL | Large language models, particularly GPT-3, are able to produce high quality
summaries of general domain news articles in few- and zero-shot settings.
However, it is unclear if such models are similarly capable in more
specialized, high-stakes domains such as biomedicine. In this paper, we enlist
domain experts (individuals with medical training) to evaluate summaries of
biomedical articles generated by GPT-3, given zero supervision. We consider
both single- and multi-document settings. In the former, GPT-3 is tasked with
generating regular and plain-language summaries of articles describing
randomized controlled trials; in the latter, we assess the degree to which
GPT-3 is able to \emph{synthesize} evidence reported across a collection of
articles. We design an annotation scheme for evaluating model outputs, with an
emphasis on assessing the factual accuracy of generated summaries. We find that
while GPT-3 is able to summarize and simplify single biomedical articles
faithfully, it struggles to provide accurate aggregations of findings over
multiple documents. We release all data and annotations used in this work. | cs.CL | Summarizing, Simplifying, and Synthesizing Medical Evidence Using GPT-3 (with Varying Success) |
2023-05-10T16:31:35Z | http://arxiv.org/pdf/2305.06294v2 | http://arxiv.org/abs/2305.06294v2 | Hongbo Zhang, Chen Tang, Tyler Loakman, Chenghua Lin, Stefan Goetze | 2023-06-07T05:33:07Z | cs.CL | Commonsense knowledge is crucial to many natural language processing tasks.
Existing works usually incorporate graph knowledge with conventional graph
neural networks (GNNs), leading to the text and graph knowledge encoding
processes being separated in a serial pipeline. We argue that these separate
representation learning stages may be suboptimal for neural networks to learn
the overall context contained in both types of input knowledge. In this paper,
we propose a novel context-aware graph-attention model (Context-aware GAT),
which can effectively incorporate global features of relevant knowledge graphs
based on a context-enhanced knowledge aggregation process. Specifically, our
framework leverages a novel representation learning approach to process
heterogeneous features - combining flattened graph knowledge with text. To the
best of our knowledge, this is the first attempt at hierarchically applying
graph knowledge aggregation on a connected subgraph in addition to contextual
information to support commonsense dialogue generation. This framework shows
superior performance compared to conventional GNN-based language frameworks.
Both automatic and human evaluation demonstrates that our proposed model has
significant performance uplifts over state-of-the-art baselines. | cs.CL | CADGE: Context-Aware Dialogue Generation Enhanced with Graph-Structured Knowledge Aggregation |
2023-05-10T16:06:36Z | http://arxiv.org/pdf/2305.06274v1 | http://arxiv.org/abs/2305.06274v1 | Liam Cripwell, Joël Legrand, Claire Gardent | 2023-05-10T16:06:36Z | cs.CL | To date, most work on text simplification has focused on sentence-level
inputs. Early attempts at document simplification merely applied these
approaches iteratively over the sentences of a document. However, this fails to
coherently preserve the discourse structure, leading to suboptimal output
quality. Recently, strategies from controllable simplification have been
leveraged to achieve state-of-the-art results on document simplification by
first generating a document-level plan (a sequence of sentence-level
simplification operations) and using this plan to guide sentence-level
simplification downstream. However, this is still limited in that the
simplification model has no direct access to the local inter-sentence document
context, likely having a negative impact on surface realisation. We explore
various systems that use document context within the simplification process
itself, either by iterating over larger text units or by extending the system
architecture to attend over a high-level representation of document context. In
doing so, we achieve state-of-the-art performance on the document
simplification task, even when not relying on plan-guidance. Further, we
investigate the performance and efficiency tradeoffs of system variants and
make suggestions of when each should be preferred. | cs.CL | Context-Aware Document Simplification |
2023-05-10T14:41:51Z | http://arxiv.org/pdf/2305.06212v1 | http://arxiv.org/abs/2305.06212v1 | Yansong Li, Zhixing Tan, Yang Liu | 2023-05-10T14:41:51Z | cs.CL, cs.CR | Prompt tuning provides an efficient way for users to customize Large Language
Models (LLMs) with their private data in the emerging LLM service scenario.
However, the sensitive nature of private data brings the need for privacy
preservation in LLM service customization. Based on prompt tuning, we propose
Privacy-Preserving Prompt Tuning (RAPT), a framework that provides privacy
guarantees for LLM services. \textsc{rapt} adopts a local privacy setting,
allowing users to privatize their data locally with local differential privacy.
As prompt tuning performs poorly when directly trained on privatized data, we
introduce a novel privatized token reconstruction task that is trained jointly
with the downstream task, allowing LLMs to learn better task-dependent
representations. Despite the simplicity of our framework, experiments show that
RAPT achieves competitive performance across tasks while providing privacy
guarantees against adversaries. | cs.CL | Privacy-Preserving Prompt Tuning for Large Language Model Services |
2023-05-10T13:40:06Z | http://arxiv.org/pdf/2305.16326v2 | http://arxiv.org/abs/2305.16326v2 | Qingyu Chen, Jingcheng Du, Yan Hu, Vipina Kuttichi Keloth, Xueqing Peng, Kalpana Raja, Rui Zhang, Zhiyong Lu, Hua Xu | 2024-01-20T14:33:54Z | cs.CL, cs.AI, cs.IR, cs.LG | Biomedical literature is growing rapidly, making it challenging to curate and
extract knowledge manually. Biomedical natural language processing (BioNLP)
techniques that can automatically extract information from biomedical
literature help alleviate this burden. Recently, large Language Models (LLMs),
such as GPT-3 and GPT-4, have gained significant attention for their impressive
performance. However, their effectiveness in BioNLP tasks and impact on method
development and downstream users remain understudied. This pilot study (1)
establishes the baseline performance of GPT-3 and GPT-4 at both zero-shot and
one-shot settings in eight BioNLP datasets across four applications: named
entity recognition, relation extraction, multi-label document classification,
and semantic similarity and reasoning, (2) examines the errors produced by the
LLMs and categorized the errors into three types: missingness, inconsistencies,
and unwanted artificial content, and (3) provides suggestions for using LLMs in
BioNLP applications. We make the datasets, baselines, and results publicly
available to the community via
https://github.com/qingyu-qc/gpt_bionlp_benchmark. | cs.CL | Large language models in biomedical natural language processing: benchmarks, baselines, and recommendations |
2023-05-10T13:19:18Z | http://arxiv.org/pdf/2305.11068v1 | http://arxiv.org/abs/2305.11068v1 | Salomon Kabongo, Jennifer D'Souza, Sören Auer | 2023-05-10T13:19:18Z | cs.CL, cs.AI | The purpose of this work is to describe the Orkg-Leaderboard software
designed to extract leaderboards defined as Task-Dataset-Metric tuples
automatically from large collections of empirical research papers in Artificial
Intelligence (AI). The software can support both the main workflows of
scholarly publishing, viz. as LaTeX files or as PDF files. Furthermore, the
system is integrated with the Open Research Knowledge Graph (ORKG) platform,
which fosters the machine-actionable publishing of scholarly findings. Thus the
system output, when integrated within the ORKG's supported Semantic Web
infrastructure of representing machine-actionable 'resources' on the Web,
enables: 1) broadly, the integration of empirical results of researchers across
the world, thus enabling transparency in empirical research with the potential
to also being complete contingent on the underlying data source(s) of
publications; and 2) specifically, enables researchers to track the progress in
AI with an overview of the state-of-the-art (SOTA) across the most common AI
tasks and their corresponding datasets via dynamic ORKG frontend views
leveraging tables and visualization charts over the machine-actionable data.
Our best model achieves performances above 90% F1 on the \textit{leaderboard}
extraction task, thus proving Orkg-Leaderboards a practically viable tool for
real-world usage. Going forward, in a sense, Orkg-Leaderboards transforms the
leaderboard extraction task to an automated digitalization task, which has
been, for a long time in the community, a crowdsourced endeavor. | cs.CL | ORKG-Leaderboards: A Systematic Workflow for Mining Leaderboards as a Knowledge Graph |
2023-05-10T12:40:48Z | http://arxiv.org/pdf/2305.06099v1 | http://arxiv.org/abs/2305.06099v1 | Long Ma, Kai Lu, Tianbo Che, Hailong Huang, Weiguo Gao, Xuan Li | 2023-05-10T12:40:48Z | cs.CL, cs.AI | The MultiCoNER II task aims to detect complex, ambiguous, and fine-grained
named entities in low-context situations and noisy scenarios like the presence
of spelling mistakes and typos for multiple languages. The task poses
significant challenges due to the scarcity of contextual information, the high
granularity of the entities(up to 33 classes), and the interference of noisy
data. To address these issues, our team {\bf PAI} proposes a universal Named
Entity Recognition (NER) system that integrates external entity information to
improve performance. Specifically, our system retrieves entities with
properties from the knowledge base (i.e. Wikipedia) for a given text, then
concatenates entity information with the input sentence and feeds it into
Transformer-based models. Finally, our system wins 2 first places, 4 second
places, and 1 third place out of 13 tracks. The code is publicly available at
\url{https://github.com/diqiuzhuanzhuan/semeval-2023}. | cs.CL | PAI at SemEval-2023 Task 2: A Universal System for Named Entity Recognition with External Entity Information |
2023-05-10T12:24:03Z | http://arxiv.org/pdf/2305.16324v1 | http://arxiv.org/abs/2305.16324v1 | William Tholke | 2023-05-10T12:24:03Z | cs.CL | From the earliest experiments in the 20th century to the utilization of large
language models and transformers, dialogue systems research has continued to
evolve, playing crucial roles in numerous fields. This paper offers a
comprehensive review of these systems, tracing their historical development and
examining their fundamental operations. We analyze popular and emerging
datasets for training and survey key contributions in dialogue systems
research, including traditional systems and advanced machine learning methods.
Finally, we consider conventional and transformer-based evaluation metrics,
followed by a short discussion of prevailing challenges and future prospects in
the field. | cs.CL | Talking with Machines: A Comprehensive Survey of Emergent Dialogue Systems |
2023-05-10T12:10:51Z | http://arxiv.org/pdf/2305.06087v1 | http://arxiv.org/abs/2305.06087v1 | Frank Joublin, Antonello Ceravola, Joerg Deigmoeller, Michael Gienger, Mathias Franzius, Julian Eggert | 2023-05-10T12:10:51Z | cs.AI, cs.CL, cs.HC, cs.LG, cs.RO, I.2; I.7 | Large language models (LLMs) have recently become a popular topic in the
field of Artificial Intelligence (AI) research, with companies such as Google,
Amazon, Facebook, Amazon, Tesla, and Apple (GAFA) investing heavily in their
development. These models are trained on massive amounts of data and can be
used for a wide range of tasks, including language translation, text
generation, and question answering. However, the computational resources
required to train and run these models are substantial, and the cost of
hardware and electricity can be prohibitive for research labs that do not have
the funding and resources of the GAFA. In this paper, we will examine the
impact of LLMs on AI research. The pace at which such models are generated as
well as the range of domains covered is an indication of the trend which not
only the public but also the scientific community is currently experiencing. We
give some examples on how to use such models in research by focusing on
GPT3.5/ChatGPT3.4 and ChatGPT4 at the current state and show that such a range
of capabilities in a single system is a strong sign of approaching general
intelligence. Innovations integrating such models will also expand along the
maturation of such AI systems and exhibit unforeseeable applications that will
have important impacts on several aspects of our societies. | cs.AI | A Glimpse in ChatGPT Capabilities and its impact for AI research |
2023-05-10T11:55:17Z | http://arxiv.org/pdf/2305.06074v1 | http://arxiv.org/abs/2305.06074v1 | Nikolas Vitsakis, Amit Parekh, Tanvi Dinkar, Gavin Abercrombie, Ioannis Konstas, Verena Rieser | 2023-05-10T11:55:17Z | cs.CL, cs.LG | There are two competing approaches for modelling annotator disagreement:
distributional soft-labelling approaches (which aim to capture the level of
disagreement) or modelling perspectives of individual annotators or groups
thereof. We adapt a multi-task architecture -- which has previously shown
success in modelling perspectives -- to evaluate its performance on the SEMEVAL
Task 11. We do so by combining both approaches, i.e. predicting individual
annotator perspectives as an interim step towards predicting annotator
disagreement. Despite its previous success, we found that a multi-task approach
performed poorly on datasets which contained distinct annotator opinions,
suggesting that this approach may not always be suitable when modelling
perspectives. Furthermore, our results explain that while strongly
perspectivist approaches might not achieve state-of-the-art performance
according to evaluation metrics used by distributional approaches, our approach
allows for a more nuanced understanding of individual perspectives present in
the data. We argue that perspectivist approaches are preferable because they
enable decision makers to amplify minority views, and that it is important to
re-evaluate metrics to reflect this goal. | cs.CL | iLab at SemEval-2023 Task 11 Le-Wi-Di: Modelling Disagreement or Modelling Perspectives? |
2023-05-10T10:57:21Z | http://arxiv.org/pdf/2305.11070v1 | http://arxiv.org/abs/2305.11070v1 | Albert Roethel, Maria Ganzha, Anna Wróblewska | 2023-05-10T10:57:21Z | cs.CL, cs.AI, cs.LG, cs.NE | A considerable number of texts encountered daily are somehow connected with
each other. For example, Wikipedia articles refer to other articles via
hyperlinks, scientific papers relate to others via citations or (co)authors,
while tweets relate via users that follow each other or reshare content. Hence,
a graph-like structure can represent existing connections and be seen as
capturing the "context" of the texts. The question thus arises if extracting
and integrating such context information into a language model might help
facilitate a better automated understanding of the text. In this study, we
experimentally demonstrate that incorporating graph-based contextualization
into BERT model enhances its performance on an example of a classification
task. Specifically, on Pubmed dataset, we observed a reduction in error from
8.51% to 7.96%, while increasing the number of parameters just by 1.6%.
Our source code: https://github.com/tryptofanik/gc-bert | cs.CL | Enriching language models with graph-based context information to better understand textual data |
2023-05-10T10:14:16Z | http://arxiv.org/pdf/2306.01741v1 | http://arxiv.org/abs/2306.01741v1 | Naoki Wake, Atsushi Kanehira, Kazuhiro Sasabuchi, Jun Takamatsu, Katsushi Ikeuchi | 2023-05-10T10:14:16Z | cs.RO, cs.CL | This technical paper introduces a chatting robot system that utilizes recent
advancements in large-scale language models (LLMs) such as GPT-3 and ChatGPT.
The system is integrated with a co-speech gesture generation system, which
selects appropriate gestures based on the conceptual meaning of speech. Our
motivation is to explore ways of utilizing the recent progress in LLMs for
practical robotic applications, which benefits the development of both chatbots
and LLMs. Specifically, it enables the development of highly responsive chatbot
systems by leveraging LLMs and adds visual effects to the user interface of
LLMs as an additional value. The source code for the system is available on
GitHub for our in-house robot
(https://github.com/microsoft/LabanotationSuite/tree/master/MSRAbotChatSimulation)
and GitHub for Toyota HSR
(https://github.com/microsoft/GPT-Enabled-HSR-CoSpeechGestures). | cs.RO | GPT Models Meet Robotic Applications: Co-Speech Gesturing Chat System |
2023-05-10T10:01:36Z | http://arxiv.org/pdf/2305.11061v1 | http://arxiv.org/abs/2305.11061v1 | Ran Shen, Gang Sun, Hao Shen, Yiling Li, Liangfeng Jin, Han Jiang | 2023-05-10T10:01:36Z | cs.CL, cs.AI, cs.DB | Converting text into the structured query language (Text2SQL) is a research
hotspot in the field of natural language processing (NLP), which has broad
application prospects. In the era of big data, the use of databases has
penetrated all walks of life, in which the collected data is large in scale,
diverse in variety, and wide in scope, making the data query cumbersome and
inefficient, and putting forward higher requirements for the Text2SQL model. In
practical applications, the current mainstream end-to-end Text2SQL model is not
only difficult to build due to its complex structure and high requirements for
training data, but also difficult to adjust due to massive parameters. In
addition, the accuracy of the model is hard to achieve the desired result.
Based on this, this paper proposes a pipelined Text2SQL method: SPSQL. This
method disassembles the Text2SQL task into four subtasks--table selection,
column selection, SQL generation, and value filling, which can be converted
into a text classification problem, a sequence labeling problem, and two text
generation problems, respectively. Then, we construct data formats of different
subtasks based on existing data and improve the accuracy of the overall model
by improving the accuracy of each submodel. We also use the named entity
recognition module and data augmentation to optimize the overall model. We
construct the dataset based on the marketing business data of the State Grid
Corporation of China. Experiments demonstrate our proposed method achieves the
best performance compared with the end-to-end method and other pipeline
methods. | cs.CL | SPSQL: Step-by-step Parsing Based Framework for Text-to-SQL Generation |
2023-05-10T09:03:01Z | http://arxiv.org/pdf/2305.05994v2 | http://arxiv.org/abs/2305.05994v2 | Siyu Yuan, Jiangjie Chen, Changzhi Sun, Jiaqing Liang, Yanghua Xiao, Deqing Yang | 2024-05-17T07:59:19Z | cs.CL, cs.AI | Analogical reasoning is a fundamental cognitive ability of humans. However,
current language models (LMs) still struggle to achieve human-like performance
in analogical reasoning tasks due to a lack of resources for model training. In
this work, we address this gap by proposing ANALOGYKB, a million-scale analogy
knowledge base (KB) derived from existing knowledge graphs (KGs). ANALOGYKB
identifies two types of analogies from the KGs: 1) analogies of the same
relations, which can be directly extracted from the KGs, and 2) analogies of
analogous relations, which are identified with a selection and filtering
pipeline enabled by large language models (LLMs), followed by minor human
efforts for data quality control. Evaluations on a series of datasets of two
analogical reasoning tasks (analogy recognition and generation) demonstrate
that ANALOGYKB successfully enables both smaller LMs and LLMs to gain better
analogical reasoning capabilities. | cs.CL | ANALOGYKB: Unlocking Analogical Reasoning of Language Models with A Million-scale Knowledge Base |
2023-05-10T09:02:34Z | http://arxiv.org/pdf/2305.11064v1 | http://arxiv.org/abs/2305.11064v1 | Piotr Sawicki, Marek Grzes, Fabricio Goes, Dan Brown, Max Peeperkorn, Aisha Khatun | 2023-05-10T09:02:34Z | cs.CL | This study examines the ability of GPT-3.5, GPT-3.5-turbo (ChatGPT) and GPT-4
models to generate poems in the style of specific authors using zero-shot and
many-shot prompts (which use the maximum context length of 8192 tokens). We
assess the performance of models that are not fine-tuned for generating poetry
in the style of specific authors, via automated evaluation. Our findings
indicate that without fine-tuning, even when provided with the maximum number
of 17 poem examples (8192 tokens) in the prompt, these models do not generate
poetry in the desired style. | cs.CL | Bits of Grass: Does GPT already know how to write like Whitman? |
2023-05-10T08:48:53Z | http://arxiv.org/pdf/2305.05982v1 | http://arxiv.org/abs/2305.05982v1 | Varun Nair, Elliot Schumacher, Anitha Kannan | 2023-05-10T08:48:53Z | cs.CL, cs.AI, cs.LG | A medical provider's summary of a patient visit serves several critical
purposes, including clinical decision-making, facilitating hand-offs between
providers, and as a reference for the patient. An effective summary is required
to be coherent and accurately capture all the medically relevant information in
the dialogue, despite the complexity of patient-generated language. Even minor
inaccuracies in visit summaries (for example, summarizing "patient does not
have a fever" when a fever is present) can be detrimental to the outcome of
care for the patient.
This paper tackles the problem of medical conversation summarization by
discretizing the task into several smaller dialogue-understanding tasks that
are sequentially built upon. First, we identify medical entities and their
affirmations within the conversation to serve as building blocks. We study
dynamically constructing few-shot prompts for tasks by conditioning on relevant
patient information and use GPT-3 as the backbone for our experiments. We also
develop GPT-derived summarization metrics to measure performance against
reference summaries quantitatively. Both our human evaluation study and metrics
for medical correctness show that summaries generated using this approach are
clinically accurate and outperform the baseline approach of summarizing the
dialog in a zero-shot, single-prompt setting. | cs.CL | Generating medically-accurate summaries of patient-provider dialogue: A multi-stage approach using large language models |
2023-05-10T08:35:50Z | http://arxiv.org/pdf/2305.05976v2 | http://arxiv.org/abs/2305.05976v2 | Jiangjie Chen, Wei Shi, Ziquan Fu, Sijie Cheng, Lei Li, Yanghua Xiao | 2023-05-13T13:34:04Z | cs.CL | Large language models (LLMs) have been widely studied for their ability to
store and utilize positive knowledge. However, negative knowledge, such as
"lions don't live in the ocean", is also ubiquitous in the world but rarely
mentioned explicitly in the text. What do LLMs know about negative knowledge?
This work examines the ability of LLMs to negative commonsense knowledge. We
design a constrained keywords-to-sentence generation task (CG) and a Boolean
question-answering task (QA) to probe LLMs. Our experiments reveal that LLMs
frequently fail to generate valid sentences grounded in negative commonsense
knowledge, yet they can correctly answer polar yes-or-no questions. We term
this phenomenon the belief conflict of LLMs. Our further analysis shows that
statistical shortcuts and negation reporting bias from language modeling
pre-training cause this conflict. | cs.CL | Say What You Mean! Large Language Models Speak Too Positively about Negative Commonsense Knowledge |
2023-05-10T08:30:31Z | http://arxiv.org/pdf/2305.05973v3 | http://arxiv.org/abs/2305.05973v3 | Aldo Gael Carranza, Rezsa Farahani, Natalia Ponomareva, Alex Kurakin, Matthew Jagielski, Milad Nasr | 2024-05-23T05:53:39Z | cs.CL, cs.CR, cs.IR | We address the challenge of ensuring differential privacy (DP) guarantees in
training deep retrieval systems. Training these systems often involves the use
of contrastive-style losses, which are typically non-per-example decomposable,
making them difficult to directly DP-train with since common techniques require
per-example gradients. To address this issue, we propose an approach that
prioritizes ensuring query privacy prior to training a deep retrieval system.
Our method employs DP language models (LMs) to generate private synthetic
queries representative of the original data. These synthetic queries can be
used in downstream retrieval system training without compromising privacy. Our
approach demonstrates a significant enhancement in retrieval quality compared
to direct DP-training, all while maintaining query-level privacy guarantees.
This work highlights the potential of harnessing LMs to overcome limitations in
standard DP-training methods. | cs.CL | Synthetic Query Generation for Privacy-Preserving Deep Retrieval Systems using Differentially Private Language Models |
2023-05-10T08:27:59Z | http://arxiv.org/pdf/2305.05968v1 | http://arxiv.org/abs/2305.05968v1 | Yun Luo, Zhen Yang, Xuefeng Bai, Fandong Meng, Jie Zhou, Yue Zhang | 2023-05-10T08:27:59Z | cs.CL | Representation forgetting refers to the drift of contextualized
representations during continual training. Intuitively, the representation
forgetting can influence the general knowledge stored in pre-trained language
models (LMs), but the concrete effect is still unclear. In this paper, we study
the effect of representation forgetting on the generality of pre-trained
language models, i.e. the potential capability for tackling future downstream
tasks. Specifically, we design three metrics, including overall generality
destruction (GD), syntactic knowledge forgetting (SynF), and semantic knowledge
forgetting (SemF), to measure the evolution of general knowledge in continual
learning. With extensive experiments, we find that the generality is destructed
in various pre-trained LMs, and syntactic and semantic knowledge is forgotten
through continual learning. Based on our experiments and analysis, we further
get two insights into alleviating general knowledge forgetting: 1) training on
general linguistic tasks at first can mitigate general knowledge forgetting; 2)
the hybrid continual learning method can mitigate the generality destruction
and maintain more general knowledge compared with those only considering
rehearsal or regularization. | cs.CL | Investigating Forgetting in Pre-Trained Representations Through Continual Learning |
2023-05-10T08:16:46Z | http://arxiv.org/pdf/2305.06934v1 | http://arxiv.org/abs/2305.06934v1 | Anis Koubaa, Basit Qureshi, Adel Ammar, Zahid Khan, Wadii Boulila, Lahouari Ghouti | 2023-05-10T08:16:46Z | cs.SE, cs.AI, cs.CL, cs.CY, cs.LG, cs.PL | Since the release of ChatGPT, numerous studies have highlighted the
remarkable performance of ChatGPT, which often rivals or even surpasses human
capabilities in various tasks and domains. However, this paper presents a
contrasting perspective by demonstrating an instance where human performance
excels in typical tasks suited for ChatGPT, specifically in the domain of
computer programming. We utilize the IEEExtreme Challenge competition as a
benchmark, a prestigious, annual international programming contest encompassing
a wide range of problems with different complexities. To conduct a thorough
evaluation, we selected and executed a diverse set of 102 challenges, drawn
from five distinct IEEExtreme editions, using three major programming
languages: Python, Java, and C++. Our empirical analysis provides evidence that
contrary to popular belief, human programmers maintain a competitive edge over
ChatGPT in certain aspects of problem-solving within the programming context.
In fact, we found that the average score obtained by ChatGPT on the set of
IEEExtreme programming problems is 3.9 to 5.8 times lower than the average
human score, depending on the programming language. This paper elaborates on
these findings, offering critical insights into the limitations and potential
areas of improvement for AI-based language models like ChatGPT. | cs.SE | Humans are Still Better than ChatGPT: Case of the IEEEXtreme Competition |
2023-05-10T08:16:36Z | http://arxiv.org/pdf/2305.05964v1 | http://arxiv.org/abs/2305.05964v1 | Hui Liu, Wenya Wang, Haoliang Li | 2023-05-10T08:16:36Z | cs.MM, cs.AI, cs.CL | Multimodal misinformation on online social platforms is becoming a critical
concern due to increasing credibility and easier dissemination brought by
multimedia content, compared to traditional text-only information. While
existing multimodal detection approaches have achieved high performance, the
lack of interpretability hinders these systems' reliability and practical
deployment. Inspired by NeuralSymbolic AI which combines the learning ability
of neural networks with the explainability of symbolic learning, we propose a
novel logic-based neural model for multimodal misinformation detection which
integrates interpretable logic clauses to express the reasoning process of the
target task. To make learning effective, we parameterize symbolic logical
elements using neural representations, which facilitate the automatic
generation and evaluation of meaningful logic clauses. Additionally, to make
our framework generalizable across diverse misinformation sources, we introduce
five meta-predicates that can be instantiated with different correlations.
Results on three public datasets (Twitter, Weibo, and Sarcasm) demonstrate the
feasibility and versatility of our model. | cs.MM | Interpretable Multimodal Misinformation Detection with Logic Reasoning |
2023-05-10T07:39:57Z | http://arxiv.org/pdf/2305.05948v1 | http://arxiv.org/abs/2305.05948v1 | Ye Lin, Shuhan Zhou, Yanyang Li, Anxiang Ma, Tong Xiao, Jingbo Zhu | 2023-05-10T07:39:57Z | cs.CL, cs.AI | For years the model performance in machine learning obeyed a power-law
relationship with the model size. For the consideration of parameter
efficiency, recent studies focus on increasing model depth rather than width to
achieve better performance. In this paper, we study how model width affects the
Transformer model through a parameter-efficient multi-path structure. To better
fuse features extracted from different paths, we add three additional
operations to each sublayer: a normalization at the end of each path, a cheap
operation to produce more features, and a learnable weighted mechanism to fuse
all features flexibly. Extensive experiments on 12 WMT machine translation
tasks show that, with the same number of parameters, the shallower multi-path
model can achieve similar or even better performance than the deeper model. It
reveals that we should pay more attention to the multi-path structure, and
there should be a balance between the model depth and width to train a better
large-scale Transformer. | cs.CL | Multi-Path Transformer is Better: A Case Study on Neural Machine Translation |
2023-05-10T07:33:36Z | http://arxiv.org/pdf/2305.05945v1 | http://arxiv.org/abs/2305.05945v1 | Zhiqiang Hu, Roy Ka-Wei Lee, Nancy F. Chen | 2023-05-10T07:33:36Z | cs.CL | Adapting a large language model for multiple-attribute text style transfer
via fine-tuning can be challenging due to the significant amount of
computational resources and labeled data required for the specific task. In
this paper, we address this challenge by introducing AdapterTST, a framework
that freezes the pre-trained model's original parameters and enables the
development of a multiple-attribute text style transfer model. Using BART as
the backbone model, Adapter-TST utilizes different neural adapters to capture
different attribute information, like a plug-in connected to BART. Our method
allows control over multiple attributes, like sentiment, tense, voice, etc.,
and configures the adapters' architecture to generate multiple outputs
respected to attributes or compositional editing on the same sentence. We
evaluate the proposed model on both traditional sentiment transfer and
multiple-attribute transfer tasks. The experiment results demonstrate that
Adapter-TST outperforms all the state-of-the-art baselines with significantly
lesser computational resources. We have also empirically shown that each
adapter is able to capture specific stylistic attributes effectively and can be
configured to perform compositional editing. | cs.CL | Adapter-TST: A Parameter Efficient Method for Multiple-Attribute Text Style Transfer |
2023-05-10T07:24:36Z | http://arxiv.org/pdf/2305.05940v3 | http://arxiv.org/abs/2305.05940v3 | Eshaan Tanwar, Subhabrata Dutta, Manish Borthakur, Tanmoy Chakraborty | 2023-06-24T07:43:35Z | cs.CL | In-context learning (ICL) unfolds as large language models become capable of
inferring test labels conditioned on a few labeled samples without any gradient
update. ICL-enabled large language models provide a promising step forward
toward bypassing recurrent annotation costs in a low-resource setting. Yet,
only a handful of past studies have explored ICL in a cross-lingual setting, in
which the need for transferring label-knowledge from a high-resource language
to a low-resource one is immensely crucial. To bridge the gap, we provide the
first in-depth analysis of ICL for cross-lingual text classification. We find
that the prevalent mode of selecting random input-label pairs to construct the
prompt-context is severely limited in the case of cross-lingual ICL, primarily
due to the lack of alignment in the input as well as the output spaces. To
mitigate this, we propose a novel prompt construction strategy -- Cross-lingual
In-context Source-Target Alignment (X-InSTA). With an injected coherence in the
semantics of the input examples and a task-based alignment across the source
and target languages, X-InSTA is able to outperform random prompt selection by
a large margin across three different tasks using 44 different cross-lingual
pairs. | cs.CL | Multilingual LLMs are Better Cross-lingual In-context Learners with Alignment |
2023-05-10T07:13:47Z | http://arxiv.org/pdf/2305.05936v1 | http://arxiv.org/abs/2305.05936v1 | Xin Guan, Biwei Cao, Qingqing Gao, Zheng Yin, Bo Liu, Jiuxin Cao | 2023-05-10T07:13:47Z | cs.CL | Commonsense question answering (QA) research requires machines to answer
questions based on commonsense knowledge. However, this research requires
expensive labor costs to annotate data as the basis of research, and models
that rely on fine-tuning paradigms only apply to specific tasks, rather than
learn a general commonsense reasoning ability. As a more robust method,
zero-shot commonsense question answering shows a good prospect. The current
zero-shot framework tries to convert triples in commonsense knowledge graphs
(KGs) into QA-form samples as the pre-trained data source to incorporate
commonsense knowledge into the model. However, this method ignores the
multi-hop relationship in the KG, which is also an important central problem in
commonsense reasoning. In this paper, we propose a novel multi-hop commonsense
knowledge injection framework. Specifically, it explores multi-hop reasoning
paradigm in KGs that conform to linguistic logic, and we further propose two
multi-hop QA generation methods based on KGs. Then, we utilize contrastive
learning to pre-train the model with the synthetic QA dataset to inject
multi-hop commonsense knowledge. Extensive experiments on five commonsense
question answering benchmarks demonstrate that our framework achieves
state-of-art performance. | cs.CL | Multi-hop Commonsense Knowledge Injection Framework for Zero-Shot Commonsense Question Answering |
2023-05-10T06:45:13Z | http://arxiv.org/pdf/2305.05928v2 | http://arxiv.org/abs/2305.05928v2 | Kenichiro Ando, Satoshi Sekine, Mamoru Komachi | 2023-12-29T21:24:40Z | cs.CL | Wikipedia can be edited by anyone and thus contains various quality
sentences. Therefore, Wikipedia includes some poor-quality edits, which are
often marked up by other editors. While editors' reviews enhance the
credibility of Wikipedia, it is hard to check all edited text. Assisting in
this process is very important, but a large and comprehensive dataset for
studying it does not currently exist. Here, we propose WikiSQE, the first
large-scale dataset for sentence quality estimation in Wikipedia. Each sentence
is extracted from the entire revision history of English Wikipedia, and the
target quality labels were carefully investigated and selected. WikiSQE has
about 3.4 M sentences with 153 quality labels. In the experiment with automatic
classification using competitive machine learning models, sentences that had
problems with citation, syntax/semantics, or propositions were found to be more
difficult to detect. In addition, by performing human annotation, we found that
the model we developed performed better than the crowdsourced workers. WikiSQE
is expected to be a valuable resource for other tasks in NLP. | cs.CL | WikiSQE: A Large-Scale Dataset for Sentence Quality Estimation in Wikipedia |
2023-05-10T06:28:16Z | http://arxiv.org/pdf/2305.05921v2 | http://arxiv.org/abs/2305.05921v2 | Anni Zou, Zhuosheng Zhang, Hai Zhao | 2023-05-27T08:49:05Z | cs.CL | Commonsense fact verification, as a challenging branch of commonsense
question-answering (QA), aims to verify through facts whether a given
commonsense claim is correct or not. Answering commonsense questions
necessitates a combination of knowledge from various levels. However, existing
studies primarily rest on grasping either unstructured evidence or potential
reasoning paths from structured knowledge bases, yet failing to exploit the
benefits of heterogeneous knowledge simultaneously. In light of this, we
propose Decker, a commonsense fact verification model that is capable of
bridging heterogeneous knowledge by uncovering latent relationships between
structured and unstructured knowledge. Experimental results on two commonsense
fact verification benchmark datasets, CSQA2.0 and CREAK demonstrate the
effectiveness of our Decker and further analysis verifies its capability to
seize more precious information through reasoning. | cs.CL | Decker: Double Check with Heterogeneous Knowledge for Commonsense Fact Verification |
2023-05-10T03:45:22Z | http://arxiv.org/pdf/2305.05874v1 | http://arxiv.org/abs/2305.05874v1 | Chengxian Zhang, Jintao Tang, Ting Wang, Shasha Li | 2023-05-10T03:45:22Z | cs.CL | There is evidence that address matching plays a crucial role in many areas
such as express delivery, online shopping and so on. Address has a hierarchical
structure, in contrast to unstructured texts, which can contribute valuable
information for address matching. Based on this idea, this paper proposes a
novel method to leverage the hierarchical information in deep learning method
that not only improves the ability of existing methods to handle irregular
address, but also can pay closer attention to the special part of address.
Experimental findings demonstrate that the proposed method improves the current
approach by 3.2% points. | cs.CL | Address Matching Based On Hierarchical Information |
2023-05-10T03:13:54Z | http://arxiv.org/pdf/2305.05862v2 | http://arxiv.org/abs/2305.05862v2 | Xianzhi Li, Samuel Chan, Xiaodan Zhu, Yulong Pei, Zhiqiang Ma, Xiaomo Liu, Sameena Shah | 2023-10-10T18:54:43Z | cs.CL, cs.AI | The most recent large language models(LLMs) such as ChatGPT and GPT-4 have
shown exceptional capabilities of generalist models, achieving state-of-the-art
performance on a wide range of NLP tasks with little or no adaptation. How
effective are such models in the financial domain? Understanding this basic
question would have a significant impact on many downstream financial
analytical tasks. In this paper, we conduct an empirical study and provide
experimental evidences of their performance on a wide variety of financial text
analytical problems, using eight benchmark datasets from five categories of
tasks. We report both the strengths and limitations of the current models by
comparing them to the state-of-the-art fine-tuned approaches and the recently
released domain-specific pretrained models. We hope our study can help
understand the capability of the existing models in the financial domain and
facilitate further improvements. | cs.CL | Are ChatGPT and GPT-4 General-Purpose Solvers for Financial Text Analytics? A Study on Several Typical Tasks |
2023-05-10T03:07:17Z | http://arxiv.org/pdf/2305.05858v1 | http://arxiv.org/abs/2305.05858v1 | Rahul Aralikatte, Ziling Cheng, Sumanth Doddapaneni, Jackie Chi Kit Cheung | 2023-05-10T03:07:17Z | cs.CL | We present V\=arta, a large-scale multilingual dataset for headline
generation in Indic languages. This dataset includes 41.8 million news articles
in 14 different Indic languages (and English), which come from a variety of
high-quality sources. To the best of our knowledge, this is the largest
collection of curated articles for Indic languages currently available. We use
the data collected in a series of experiments to answer important questions
related to Indic NLP and multilinguality research in general. We show that the
dataset is challenging even for state-of-the-art abstractive models and that
they perform only slightly better than extractive baselines. Owing to its size,
we also show that the dataset can be used to pretrain strong language models
that outperform competitive baselines in both NLU and NLG benchmarks. | cs.CL | Vārta: A Large-Scale Headline-Generation Dataset for Indic Languages |
2023-05-10T01:46:17Z | http://arxiv.org/pdf/2305.05834v1 | http://arxiv.org/abs/2305.05834v1 | Yiqing Xie, Xiao Liu, Chenyan Xiong | 2023-05-10T01:46:17Z | cs.IR, cs.CL | In this work, we present an unsupervised retrieval method with contrastive
learning on web anchors. The anchor text describes the content that is
referenced from the linked page. This shows similarities to search queries that
aim to retrieve pertinent information from relevant documents. Based on their
commonalities, we train an unsupervised dense retriever, Anchor-DR, with a
contrastive learning task that matches the anchor text and the linked document.
To filter out uninformative anchors (such as ``homepage'' or other functional
anchors), we present a novel filtering technique to only select anchors that
contain similar types of information as search queries. Experiments show that
Anchor-DR outperforms state-of-the-art methods on unsupervised dense retrieval
by a large margin (e.g., by 5.3% NDCG@10 on MSMARCO). The gain of our method is
especially significant for search and question answering tasks. Our analysis
further reveals that the pattern of anchor-document pairs is similar to that of
search query-document pairs. Code available at
https://github.com/Veronicium/AnchorDR. | cs.IR | Unsupervised Dense Retrieval Training with Web Anchors |
2023-05-10T00:33:08Z | http://arxiv.org/pdf/2305.05821v1 | http://arxiv.org/abs/2305.05821v1 | Krzysztof Główka, Julian Zubek, Joanna Rączaszek-Leonardi | 2023-05-10T00:33:08Z | cs.AI, cs.CL | There is significant evidence that real-world communication cannot be reduced
to sending signals with context-independent meaning. In this work, based on a
variant of the classical Lewis (1969) signaling model, we explore the
conditions for the emergence of context-dependent communication in a situated
scenario. In particular, we demonstrate that pressure to minimise the
vocabulary size is sufficient for such emergence. At the same time, we study
the environmental conditions and cognitive capabilities that enable contextual
disambiguation of symbol meanings. We show that environmental constraints on
the receiver's referent choice can be unilaterally exploited by the sender,
without disambiguation capabilities on the receiver's end. Consistent with
common assumptions, the sender's awareness of the context appears to be
required for contextual communication. We suggest that context-dependent
communication is a situated multilayered phenomenon, crucially influenced by
environment properties such as distribution of contexts. The model developed in
this work is a demonstration of how signals may be ambiguous out of context,
but still allow for near-perfect communication accuracy. | cs.AI | Context-dependent communication under environmental constraints |
2023-05-09T20:37:16Z | http://arxiv.org/pdf/2305.05759v1 | http://arxiv.org/abs/2305.05759v1 | Yachuan Liu, Bohan Zhang, Qiaozhu Mei, Paramveer Dhillon | 2023-05-09T20:37:16Z | cs.LG, cs.AI, cs.CL, stat.ML | Recent work has shown that standard training via empirical risk minimization
(ERM) can produce models that achieve high accuracy on average but low accuracy
on underrepresented groups due to the prevalence of spurious features. A
predominant approach to tackle this group robustness problem minimizes the
worst group error (akin to a minimax strategy) on the training data, hoping it
will generalize well on the testing data. However, this is often suboptimal,
especially when the out-of-distribution (OOD) test data contains previously
unseen groups. Inspired by ideas from the information retrieval and
learning-to-rank literature, this paper first proposes to use Discounted
Cumulative Gain (DCG) as a metric of model quality for facilitating better
hyperparameter tuning and model selection. Being a ranking-based metric, DCG
weights multiple poorly-performing groups (instead of considering just the
group with the worst performance). As a natural next step, we build on our
results to propose a ranking-based training method called Discounted Rank
Upweighting (DRU), which differentially reweights a ranked list of
poorly-performing groups in the training data to learn models that exhibit
strong OOD performance on the test data. Results on several synthetic and
real-world datasets highlight the superior generalization ability of our
group-ranking-based (akin to soft-minimax) approach in selecting and learning
models that are robust to group distributional shifts. | cs.LG | Ranking & Reweighting Improves Group Distributional Robustness |
2023-05-09T20:23:17Z | http://arxiv.org/pdf/2305.05754v1 | http://arxiv.org/abs/2305.05754v1 | Zhengxiang Shi, Jerome Ramos, To Eun Kim, Xi Wang, Hossein A. Rahmani, Aldo Lipani | 2023-05-09T20:23:17Z | cs.CL, cs.AI, cs.LG | In collaborative tasks, effective communication is crucial for achieving
joint goals. One such task is collaborative building where builders must
communicate with each other to construct desired structures in a simulated
environment such as Minecraft. We aim to develop an intelligent builder agent
to build structures based on user input through dialogue. However, in
collaborative building, builders may encounter situations that are difficult to
interpret based on the available information and instructions, leading to
ambiguity. In the NeurIPS 2022 Competition NLP Task, we address two key
research questions, with the goal of filling this gap: when should the agent
ask for clarification, and what clarification questions should it ask? We move
towards this target with two sub-tasks, a classification task and a ranking
task. For the classification task, the goal is to determine whether the agent
should ask for clarification based on the current world state and dialogue
history. For the ranking task, the goal is to rank the relevant clarification
questions from a pool of candidates. In this report, we briefly introduce our
methods for the classification and ranking task. For the classification task,
our model achieves an F1 score of 0.757, which placed the 3rd on the
leaderboard. For the ranking task, our model achieves about 0.38 for Mean
Reciprocal Rank by extending the traditional ranking model. Lastly, we discuss
various neural approaches for the ranking task and future direction. | cs.CL | When and What to Ask Through World States and Text Instructions: IGLU NLP Challenge Solution |
2023-05-09T20:02:18Z | http://arxiv.org/pdf/2305.05748v1 | http://arxiv.org/abs/2305.05748v1 | Paolo Tirotta, Akira Yuasa, Masashi Morita | 2023-05-09T20:02:18Z | cs.CL | Representing text into a multidimensional space can be done with sentence
embedding models such as Sentence-BERT (SBERT). However, training these models
when the data has a complex multilevel structure requires individually trained
class-specific models, which increases time and computing costs. We propose a
two step approach which enables us to map sentences according to their
hierarchical memberships and polarity. At first we teach the upper level
sentence space through an AdaCos loss function and then finetune with a novel
loss function mainly based on the cosine similarity of intra-level pairs. We
apply this method to three different datasets: two weakly supervised Big Five
personality dataset obtained from English and Japanese Twitter data and the
benchmark MNLI dataset. We show that our single model approach performs better
than multiple class-specific classification models. | cs.CL | Multilevel Sentence Embeddings for Personality Prediction |
2023-05-09T18:40:31Z | http://arxiv.org/pdf/2305.05711v2 | http://arxiv.org/abs/2305.05711v2 | Peng Li, Tianxiang Sun, Qiong Tang, Hang Yan, Yuanbin Wu, Xuanjing Huang, Xipeng Qiu | 2023-05-11T01:27:43Z | cs.CL, cs.AI | Large language models (LLMs) pre-trained on massive corpora have demonstrated
impressive few-shot learning ability on many NLP tasks. A common practice is to
recast the task into a text-to-text format such that generative LLMs of natural
language (NL-LLMs) like GPT-3 can be prompted to solve it. However, it is
nontrivial to perform information extraction (IE) tasks with NL-LLMs since the
output of the IE task is usually structured and therefore is hard to be
converted into plain text. In this paper, we propose to recast the structured
output in the form of code instead of natural language and utilize generative
LLMs of code (Code-LLMs) such as Codex to perform IE tasks, in particular,
named entity recognition and relation extraction. In contrast to NL-LLMs, we
show that Code-LLMs can be well-aligned with these IE tasks by designing
code-style prompts and formulating these IE tasks as code generation tasks.
Experiment results on seven benchmarks show that our method consistently
outperforms fine-tuning moderate-size pre-trained models specially designed for
IE tasks (e.g., UIE) and prompting NL-LLMs under few-shot settings. We further
conduct a series of in-depth analyses to demonstrate the merits of leveraging
Code-LLMs for IE tasks. | cs.CL | CodeIE: Large Code Generation Models are Better Few-Shot Information Extractors |
2023-05-09T17:55:29Z | http://arxiv.org/pdf/2305.06159v1 | http://arxiv.org/abs/2305.06159v1 | Bryan Zhao, Andrew Zhang, Blake Watson, Gillian Kearney, Isaac Dale | 2023-05-09T17:55:29Z | cs.CL, cs.AI | Moderation of social media content is currently a highly manual task, yet
there is too much content posted daily to do so effectively. With the advent of
a number of multimodal models, there is the potential to reduce the amount of
manual labor for this task. In this work, we aim to explore different models
and determine what is most effective for the Hateful Memes Challenge, a
challenge by Meta designed to further machine learning research in content
moderation. Specifically, we explore the differences between early fusion and
late fusion models in classifying multimodal memes containing text and images.
We first implement a baseline using unimodal models for text and images
separately using BERT and ResNet-152, respectively. The outputs from these
unimodal models were then concatenated together to create a late fusion model.
In terms of early fusion models, we implement ConcatBERT, VisualBERT, ViLT,
CLIP, and BridgeTower. It was found that late fusion performed significantly
worse than early fusion models, with the best performing model being CLIP which
achieved an AUROC of 70.06. The code for this work is available at
https://github.com/bzhao18/CS-7643-Project. | cs.CL | A Review of Vision-Language Models and their Performance on the Hateful Memes Challenge |
2023-05-09T17:52:59Z | http://arxiv.org/pdf/2305.05658v2 | http://arxiv.org/abs/2305.05658v2 | Jimmy Wu, Rika Antonova, Adam Kan, Marion Lepert, Andy Zeng, Shuran Song, Jeannette Bohg, Szymon Rusinkiewicz, Thomas Funkhouser | 2023-10-11T17:59:44Z | cs.RO, cs.AI, cs.CL, cs.CV, cs.LG | For a robot to personalize physical assistance effectively, it must learn
user preferences that can be generally reapplied to future scenarios. In this
work, we investigate personalization of household cleanup with robots that can
tidy up rooms by picking up objects and putting them away. A key challenge is
determining the proper place to put each object, as people's preferences can
vary greatly depending on personal taste or cultural background. For instance,
one person may prefer storing shirts in the drawer, while another may prefer
them on the shelf. We aim to build systems that can learn such preferences from
just a handful of examples via prior interactions with a particular person. We
show that robots can combine language-based planning and perception with the
few-shot summarization capabilities of large language models (LLMs) to infer
generalized user preferences that are broadly applicable to future
interactions. This approach enables fast adaptation and achieves 91.2% accuracy
on unseen objects in our benchmark dataset. We also demonstrate our approach on
a real-world mobile manipulator called TidyBot, which successfully puts away
85.0% of objects in real-world test scenarios. | cs.RO | TidyBot: Personalized Robot Assistance with Large Language Models |
2023-05-09T17:42:34Z | http://arxiv.org/pdf/2305.05644v2 | http://arxiv.org/abs/2305.05644v2 | Jianyi Zhang, Saeed Vahidian, Martin Kuo, Chunyuan Li, Ruiyi Zhang, Tong Yu, Yufan Zhou, Guoyin Wang, Yiran Chen | 2024-01-29T17:13:04Z | cs.CL, cs.DC, cs.SY, eess.SY | While "instruction-tuned" generative large language models (LLMs) have
demonstrated an impressive ability to generalize to new tasks, the training
phases heavily rely on large amounts of diverse and high-quality instruction
data (such as ChatGPT and GPT-4). Unfortunately, acquiring high-quality data,
especially when it comes to human-written data, can pose significant challenges
both in terms of cost and accessibility. Moreover, concerns related to privacy
can further limit access to such data, making the process of obtaining it a
complex and nuanced undertaking. Consequently, this hinders the generality of
the tuned models and may restrict their effectiveness in certain contexts. To
tackle this issue, our study introduces a new approach called Federated
Instruction Tuning (FedIT), which leverages federated learning (FL) as the
learning framework for the instruction tuning of LLMs. This marks the first
exploration of FL-based instruction tuning for LLMs. This is especially
important since text data is predominantly generated by end users. Therefore,
it is imperative to design and adapt FL approaches to effectively leverage
these users' diverse instructions stored on local devices, while preserving
privacy and ensuring data security. In the current paper, by conducting widely
used GPT-4 auto-evaluation, we demonstrate that by exploiting the heterogeneous
and diverse sets of instructions on the client's end with the proposed
framework FedIT, we improved the performance of LLMs compared to centralized
training with only limited local instructions. Further, in this paper, we
developed a Github repository named Shepherd. This repository offers a
foundational framework for exploring federated fine-tuning of LLMs using
heterogeneous instructions across diverse categories. | cs.CL | Towards Building the Federated GPT: Federated Instruction Tuning |
2023-05-09T17:39:45Z | http://arxiv.org/pdf/2305.05640v3 | http://arxiv.org/abs/2305.05640v3 | Christos Theodoropoulos, Natasha Mulligan, Thaddeus Stappenbeck, Joao Bettencourt-Silva | 2023-10-09T11:58:55Z | cs.AI, cs.CL, cs.LG | Knowledge graphs (KGs) are a popular way to organise information based on
ontologies or schemas and have been used across a variety of scenarios from
search to recommendation. Despite advances in KGs, representing knowledge
remains a non-trivial task across industries and it is especially challenging
in the biomedical and healthcare domains due to complex interdependent
relations between entities, heterogeneity, lack of standardization, and
sparseness of data. KGs are used to discover diagnoses or prioritize genes
relevant to disease, but they often rely on schemas that are not centred around
a node or entity of interest, such as a person. Entity-centric KGs are
relatively unexplored but hold promise in representing important facets
connected to a central node and unlocking downstream tasks beyond graph
traversal and reasoning, such as generating graph embeddings and training graph
neural networks for a wide range of predictive tasks. This paper presents an
end-to-end representation learning framework to extract entity-centric KGs from
structured and unstructured data. We introduce a star-shaped ontology to
represent the multiple facets of a person and use it to guide KG creation.
Compact representations of the graphs are created leveraging graph neural
networks and experiments are conducted using different levels of heterogeneity
or explicitness. A readmission prediction task is used to evaluate the results
of the proposed framework, showing a stable system, robust to missing data,
that outperforms a range of baseline machine learning classifiers. We highlight
that this approach has several potential applications across domains and is
open-sourced. Lastly, we discuss lessons learned, challenges, and next steps
for the adoption of the framework in practice. | cs.AI | Representation Learning for Person or Entity-centric Knowledge Graphs: An Application in Healthcare |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.