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-03-27T13:29:09Z | http://arxiv.org/pdf/2303.15193v1 | http://arxiv.org/abs/2303.15193v1 | Tarek Saier, Youxiang Dong, Michael Färber | 2023-03-27T13:29:09Z | cs.DL, cs.CL | In the wake of information overload in academia, methodologies and systems
for search, recommendation, and prediction to aid researchers in identifying
relevant research are actively studied and developed. Existing work, however,
is limited in terms of granularity, focusing only on the level of papers or a
single type of artifact, such as data sets. To enable more holistic analyses
and systems dealing with academic publications and their content, we propose
CoCon, a large scholarly data set reflecting the combined use of research
artifacts, contextualized in academic publications' full-text. Our data set
comprises 35 k artifacts (data sets, methods, models, and tasks) and 340 k
publications. We additionally formalize a link prediction task for "combined
research artifact use prediction" and provide code to utilize analyses of and
the development of ML applications on our data. All data and code is publicly
available at https://github.com/IllDepence/contextgraph. | cs.DL | CoCon: A Data Set on Combined Contextualized Research Artifact Use |
2023-03-27T13:26:02Z | http://arxiv.org/pdf/2303.15190v1 | http://arxiv.org/abs/2303.15190v1 | Milan Bhan, Nina Achache, Victor Legrand, Annabelle Blangero, Nicolas Chesneau | 2023-03-27T13:26:02Z | cs.LG, cs.CL | Attention mechanisms have played a crucial role in the development of complex
architectures such as Transformers in natural language processing. However,
Transformers remain hard to interpret and are considered as black-boxes. This
paper aims to assess how attention coefficients from Transformers can help in
providing interpretability. A new attention-based interpretability method
called CLaSsification-Attention (CLS-A) is proposed. CLS-A computes an
interpretability score for each word based on the attention coefficient
distribution related to the part specific to the classification task within the
Transformer architecture. A human-grounded experiment is conducted to evaluate
and compare CLS-A to other interpretability methods. The experimental protocol
relies on the capacity of an interpretability method to provide explanation in
line with human reasoning. Experiment design includes measuring reaction times
and correct response rates by human subjects. CLS-A performs comparably to
usual interpretability methods regarding average participant reaction time and
accuracy. The lower computational cost of CLS-A compared to other
interpretability methods and its availability by design within the classifier
make it particularly interesting. Data analysis also highlights the link
between the probability score of a classifier prediction and adequate
explanations. Finally, our work confirms the relevancy of the use of CLS-A and
shows to which extent self-attention contains rich information to explain
Transformer classifiers. | cs.LG | Evaluating self-attention interpretability through human-grounded experimental protocol |
2023-03-27T12:08:05Z | http://arxiv.org/pdf/2303.15132v1 | http://arxiv.org/abs/2303.15132v1 | Srinath Tankasala, Long Chen, Andreas Stolcke, Anirudh Raju, Qianli Deng, Chander Chandak, Aparna Khare, Roland Maas, Venkatesh Ravichandran | 2023-03-27T12:08:05Z | eess.AS, cs.CL, cs.LG, cs.SD | We propose a novel approach for ASR N-best hypothesis rescoring with
graph-based label propagation by leveraging cross-utterance acoustic
similarity. In contrast to conventional neural language model (LM) based ASR
rescoring/reranking models, our approach focuses on acoustic information and
conducts the rescoring collaboratively among utterances, instead of
individually. Experiments on the VCTK dataset demonstrate that our approach
consistently improves ASR performance, as well as fairness across speaker
groups with different accents. Our approach provides a low-cost solution for
mitigating the majoritarian bias of ASR systems, without the need to train new
domain- or accent-specific models. | eess.AS | Cross-utterance ASR Rescoring with Graph-based Label Propagation |
2023-03-27T11:56:26Z | http://arxiv.org/pdf/2303.15125v1 | http://arxiv.org/abs/2303.15125v1 | Tae Soo Kim, Arghya Sarkar, Yoonjoo Lee, Minsuk Chang, Juho Kim | 2023-03-27T11:56:26Z | cs.HC, cs.CL | Large language models (LLMs) can enhance writing by automating or supporting
specific tasks in writers' workflows (e.g., paraphrasing, creating analogies).
Leveraging this capability, a collection of interfaces have been developed that
provide LLM-powered tools for specific writing tasks. However, these interfaces
provide limited support for writers to create personal tools for their own
unique tasks, and may not comprehensively fulfill a writer's needs -- requiring
them to continuously switch between interfaces during writing. In this work, we
envision LMCanvas, an interface that enables writers to create their own
LLM-powered writing tools and arrange their personal writing environment by
interacting with "blocks" in a canvas. In this interface, users can create text
blocks to encapsulate writing and LLM prompts, model blocks for model parameter
configurations, and connect these to create pipeline blocks that output
generations. In this workshop paper, we discuss the design for LMCanvas and our
plans to develop this concept. | cs.HC | LMCanvas: Object-Oriented Interaction to Personalize Large Language Model-Powered Writing Environments |
2023-03-27T11:48:40Z | http://arxiv.org/pdf/2303.16760v1 | http://arxiv.org/abs/2303.16760v1 | Amirhossein Mohammadi, Sara Hajiaghajani, Mohammad Bahrani | 2023-03-27T11:48:40Z | cs.CL, cs.AI, cs.LG, cs.NE | Swarm Intelligence algorithms have gained significant attention in recent
years as a means of solving complex and non-deterministic problems. These
algorithms are inspired by the collective behavior of natural creatures, and
they simulate this behavior to develop intelligent agents for computational
tasks. One such algorithm is Ant Colony Optimization (ACO), which is inspired
by the foraging behavior of ants and their pheromone laying mechanism. ACO is
used for solving difficult problems that are discrete and combinatorial in
nature. Part-of-Speech (POS) tagging is a fundamental task in natural language
processing that aims to assign a part-of-speech role to each word in a
sentence. In this research paper, proposed a high-performance POS-tagging
method based on ACO called ACO-tagger. This method achieved a high accuracy
rate of 96.867%, outperforming several state-of-the-art methods. The proposed
method is fast and efficient, making it a viable option for practical
applications. | cs.CL | ACO-tagger: A Novel Method for Part-of-Speech Tagging using Ant Colony Optimization |
2023-03-27T11:35:40Z | http://arxiv.org/pdf/2303.15116v1 | http://arxiv.org/abs/2303.15116v1 | Mengtian Yin, Llewellyn Tang, Chris Webster, Shen Xu, Xiongyi Li, Huaquan Ying | 2023-03-27T11:35:40Z | cs.CL | Being able to efficiently retrieve the required building information is
critical for construction project stakeholders to carry out their engineering
and management activities. Natural language interface (NLI) systems are
emerging as a time and cost-effective way to query Building Information Models
(BIMs). However, the existing methods cannot logically combine different
constraints to perform fine-grained queries, dampening the usability of natural
language (NL)-based BIM queries. This paper presents a novel ontology-aided
semantic parser to automatically map natural language queries (NLQs) that
contain different attribute and relational constraints into computer-readable
codes for querying complex BIM models. First, a modular ontology was developed
to represent NL expressions of Industry Foundation Classes (IFC) concepts and
relationships, and was then populated with entities from target BIM models to
assimilate project-specific information. Hereafter, the ontology-aided semantic
parser progressively extracts concepts, relationships, and value restrictions
from NLQs to fully identify constraint conditions, resulting in standard SPARQL
queries with reasoning rules to successfully retrieve IFC-based BIM models. The
approach was evaluated based on 225 NLQs collected from BIM users, with a 91%
accuracy rate. Finally, a case study about the design-checking of a real-world
residential building demonstrates the practical value of the proposed approach
in the construction industry. | cs.CL | An ontology-aided, natural language-based approach for multi-constraint BIM model querying |
2023-03-27T11:29:09Z | http://arxiv.org/pdf/2303.15110v1 | http://arxiv.org/abs/2303.15110v1 | Elizaveta Korotkova, Isaac Kwan Yin Chung | 2023-03-27T11:29:09Z | cs.CL, cs.AI | The rapid growth in user generated content on social media has resulted in a
significant rise in demand for automated content moderation. Various methods
and frameworks have been proposed for the tasks of hate speech detection and
toxic comment classification. In this work, we combine common datasets to
extend these tasks to brand safety. Brand safety aims to protect commercial
branding by identifying contexts where advertisements should not appear and
covers not only toxicity, but also other potentially harmful content. As these
datasets contain different label sets, we approach the overall problem as a
binary classification task. We demonstrate the need for building brand safety
specific datasets via the application of common toxicity detection datasets to
a subset of brand safety and empirically analyze the effects of weighted
sampling strategies in text classification. | cs.CL | Beyond Toxic: Toxicity Detection Datasets are Not Enough for Brand Safety |
2023-03-27T11:08:35Z | http://arxiv.org/pdf/2303.15100v2 | http://arxiv.org/abs/2303.15100v2 | Christos Theodoropoulos, Marie-Francine Moens | 2023-04-01T19:04:58Z | cs.CL | Current research on the advantages and trade-offs of using characters,
instead of tokenized text, as input for deep learning models, has evolved
substantially. New token-free models remove the traditional tokenization step;
however, their efficiency remains unclear. Moreover, the effect of tokenization
is relatively unexplored in sequence tagging tasks. To this end, we investigate
the impact of tokenization when extracting information from documents and
present a comparative study and analysis of subword-based and character-based
models. Specifically, we study Information Extraction (IE) from biomedical
texts. The main outcome is twofold: tokenization patterns can introduce
inductive bias that results in state-of-the-art performance, and the
character-based models produce promising results; thus, transitioning to
token-free IE models is feasible. | cs.CL | An Information Extraction Study: Take In Mind the Tokenization! |
2023-03-27T10:40:59Z | http://arxiv.org/pdf/2303.15078v3 | http://arxiv.org/abs/2303.15078v3 | Ning Wu, Ming Gong, Linjun Shou, Shining Liang, Daxin Jiang | 2023-09-19T10:07:55Z | cs.CL | Text summarization has a wide range of applications in many scenarios. The
evaluation of the quality of the generated text is a complex problem. A big
challenge to language evaluation is that there is a clear divergence between
existing metrics and human evaluation. A document summary's quality can be
assessed by human annotators on various criteria, both objective ones like
grammar and correctness, and subjective ones like informativeness,
succinctness, and appeal. Most of the automatic evaluation methods like
BLUE/ROUGE may be not able to adequately capture the above dimensions. In this
paper, we propose a new evaluation framework based on LLMs, which provides a
comprehensive evaluation framework by comparing generated text and reference
text from both objective and subjective aspects. First, we propose to model
objective and subjective dimensions of generated text based on roleplayers
prompting mechanism. Furthermore, we introduce a context-based prompting
mechanism that is able to generate dynamic roleplayer profiles based on input
context. Finally, we design a multi-roleplayer prompting technology based on
batch prompting and integrate multiple outputs into the final evaluation
results. Experimental results on three real datasets for summarization show
that our model is highly competitive and has a very high consistency with human
annotators. | cs.CL | Large Language Models are Diverse Role-Players for Summarization Evaluation |
2023-03-27T09:59:48Z | http://arxiv.org/pdf/2303.15056v2 | http://arxiv.org/abs/2303.15056v2 | Fabrizio Gilardi, Meysam Alizadeh, Maël Kubli | 2023-07-19T14:10:55Z | cs.CL, cs.CY | Many NLP applications require manual data annotations for a variety of tasks,
notably to train classifiers or evaluate the performance of unsupervised
models. Depending on the size and degree of complexity, the tasks may be
conducted by crowd-workers on platforms such as MTurk as well as trained
annotators, such as research assistants. Using a sample of 2,382 tweets, we
demonstrate that ChatGPT outperforms crowd-workers for several annotation
tasks, including relevance, stance, topics, and frames detection. Specifically,
the zero-shot accuracy of ChatGPT exceeds that of crowd-workers for four out of
five tasks, while ChatGPT's intercoder agreement exceeds that of both
crowd-workers and trained annotators for all tasks. Moreover, the
per-annotation cost of ChatGPT is less than $0.003 -- about twenty times
cheaper than MTurk. These results show the potential of large language models
to drastically increase the efficiency of text classification. | cs.CL | ChatGPT Outperforms Crowd-Workers for Text-Annotation Tasks |
2023-03-27T09:46:56Z | http://arxiv.org/pdf/2303.15049v3 | http://arxiv.org/abs/2303.15049v3 | Zihao Wang, Nathan Keyes, Terry Crawford, Jinho D. Choi | 2023-09-05T15:33:49Z | cs.CL, cs.HC | We present the InterviewBot that dynamically integrates conversation history
and customized topics into a coherent embedding space to conduct 10 mins
hybrid-domain (open and closed) conversations with foreign students applying to
U.S. colleges for assessing their academic and cultural readiness. To build a
neural-based end-to-end dialogue model, 7,361 audio recordings of
human-to-human interviews are automatically transcribed, where 440 are manually
corrected for finetuning and evaluation. To overcome the input/output size
limit of a transformer-based encoder-decoder model, two new methods are
proposed, context attention and topic storing, allowing the model to make
relevant and consistent interactions. Our final model is tested both
statistically by comparing its responses to the interview data and dynamically
by inviting professional interviewers and various students to interact with it
in real-time, finding it highly satisfactory in fluency and context awareness. | cs.CL | InterviewBot: Real-Time End-to-End Dialogue System to Interview Students for College Admission |
2023-03-27T08:59:55Z | http://arxiv.org/pdf/2303.15016v1 | http://arxiv.org/abs/2303.15016v1 | Chunpu Xu, Jing Li | 2023-03-27T08:59:55Z | cs.CL, cs.AI, cs.IR, cs.MM | Social media is daily creating massive multimedia content with paired image
and text, presenting the pressing need to automate the vision and language
understanding for various multimodal classification tasks. Compared to the
commonly researched visual-lingual data, social media posts tend to exhibit
more implicit image-text relations. To better glue the cross-modal semantics
therein, we capture hinting features from user comments, which are retrieved
via jointly leveraging visual and lingual similarity. Afterwards, the
classification tasks are explored via self-training in a teacher-student
framework, motivated by the usually limited labeled data scales in existing
benchmarks. Substantial experiments are conducted on four multimodal social
media benchmarks for image text relation classification, sarcasm detection,
sentiment classification, and hate speech detection. The results show that our
method further advances the performance of previous state-of-the-art models,
which do not employ comment modeling or self-training. | cs.CL | Borrowing Human Senses: Comment-Aware Self-Training for Social Media Multimodal Classification |
2023-03-27T08:47:18Z | http://arxiv.org/pdf/2303.15006v1 | http://arxiv.org/abs/2303.15006v1 | Wafa Aissa, Marin Ferecatu, Michel Crucianu | 2023-03-27T08:47:18Z | cs.CL, cs.CV, cs.LG | Visual Question Answering (VQA) is a complex task requiring large datasets
and expensive training. Neural Module Networks (NMN) first translate the
question to a reasoning path, then follow that path to analyze the image and
provide an answer. We propose an NMN method that relies on predefined
cross-modal embeddings to ``warm start'' learning on the GQA dataset, then
focus on Curriculum Learning (CL) as a way to improve training and make a
better use of the data. Several difficulty criteria are employed for defining
CL methods. We show that by an appropriate selection of the CL method the cost
of training and the amount of training data can be greatly reduced, with a
limited impact on the final VQA accuracy. Furthermore, we introduce
intermediate losses during training and find that this allows to simplify the
CL strategy. | cs.CL | Curriculum Learning for Compositional Visual Reasoning |
2023-03-27T07:53:23Z | http://arxiv.org/pdf/2303.14963v1 | http://arxiv.org/abs/2303.14963v1 | Jonathan Dunn | 2023-03-27T07:53:23Z | cs.CL | This paper measures variation in embedding spaces which have been trained on
different regional varieties of English while controlling for instability in
the embeddings. While previous work has shown that it is possible to
distinguish between similar varieties of a language, this paper experiments
with two follow-up questions: First, does the variety represented in the
training data systematically influence the resulting embedding space after
training? This paper shows that differences in embeddings across varieties are
significantly higher than baseline instability. Second, is such dialect-based
variation spread equally throughout the lexicon? This paper shows that specific
parts of the lexicon are particularly subject to variation. Taken together,
these experiments confirm that embedding spaces are significantly influenced by
the dialect represented in the training data. This finding implies that there
is semantic variation across dialects, in addition to previously-studied
lexical and syntactic variation. | cs.CL | Variation and Instability in Dialect-Based Embedding Spaces |
2023-03-27T07:53:18Z | http://arxiv.org/pdf/2303.16778v1 | http://arxiv.org/abs/2303.16778v1 | Nazmus Sakib, G. M. Shahariar, Md. Mohsinul Kabir, Md. Kamrul Hasan, Hasan Mahmud | 2023-03-27T07:53:18Z | cs.CL, cs.AI, cs.LG | Cooking recipes allow individuals to exchange culinary ideas and provide food
preparation instructions. Due to a lack of adequate labeled data, categorizing
raw recipes found online to the appropriate food genres is a challenging task
in this domain. Utilizing the knowledge of domain experts to categorize recipes
could be a solution. In this study, we present a novel dataset of two million
culinary recipes labeled in respective categories leveraging the knowledge of
food experts and an active learning technique. To construct the dataset, we
collect the recipes from the RecipeNLG dataset. Then, we employ three human
experts whose trustworthiness score is higher than 86.667% to categorize 300K
recipe by their Named Entity Recognition (NER) and assign it to one of the nine
categories: bakery, drinks, non-veg, vegetables, fast food, cereals, meals,
sides and fusion. Finally, we categorize the remaining 1900K recipes using
Active Learning method with a blend of Query-by-Committee and Human In The Loop
(HITL) approaches. There are more than two million recipes in our dataset, each
of which is categorized and has a confidence score linked with it. For the 9
genres, the Fleiss Kappa score of this massive dataset is roughly 0.56026. We
believe that the research community can use this dataset to perform various
machine learning tasks such as recipe genre classification, recipe generation
of a specific genre, new recipe creation, etc. The dataset can also be used to
train and evaluate the performance of various NLP tasks such as named entity
recognition, part-of-speech tagging, semantic role labeling, and so on. The
dataset will be available upon publication: https://tinyurl.com/3zu4778y. | cs.CL | Assorted, Archetypal and Annotated Two Million (3A2M) Cooking Recipes Dataset based on Active Learning |
2023-03-27T07:40:59Z | http://arxiv.org/pdf/2303.14957v1 | http://arxiv.org/abs/2303.14957v1 | Tarek Saier, Johan Krause, Michael Färber | 2023-03-27T07:40:59Z | cs.DL, cs.CL | Large-scale data sets on scholarly publications are the basis for a variety
of bibliometric analyses and natural language processing (NLP) applications.
Especially data sets derived from publication's full-text have recently gained
attention. While several such data sets already exist, we see key shortcomings
in terms of their domain and time coverage, citation network completeness, and
representation of full-text content. To address these points, we propose a new
version of the data set unarXive. We base our data processing pipeline and
output format on two existing data sets, and improve on each of them. Our
resulting data set comprises 1.9 M publications spanning multiple disciplines
and 32 years. It furthermore has a more complete citation network than its
predecessors and retains a richer representation of document structure as well
as non-textual publication content such as mathematical notation. In addition
to the data set, we provide ready-to-use training/test data for citation
recommendation and IMRaD classification. All data and source code is publicly
available at https://github.com/IllDepence/unarXive. | cs.DL | unarXive 2022: All arXiv Publications Pre-Processed for NLP, Including Structured Full-Text and Citation Network |
2023-03-27T07:39:05Z | http://arxiv.org/pdf/2303.14956v2 | http://arxiv.org/abs/2303.14956v2 | Xuanfan Ni, Piji Li, Huayang Li | 2023-03-30T13:41:54Z | cs.CL | Text structuralization is one of the important fields of natural language
processing (NLP) consists of information extraction (IE) and structure
formalization. However, current studies of text structuralization suffer from a
shortage of manually annotated high-quality datasets from different domains and
languages, which require specialized professional knowledge. In addition, most
IE methods are designed for a specific type of structured data, e.g., entities,
relations, and events, making them hard to generalize to others. In this work,
we propose a simple and efficient approach to instruct large language model
(LLM) to extract a variety of structures from texts. More concretely, we add a
prefix and a suffix instruction to indicate the desired IE task and structure
type, respectively, before feeding the text into a LLM. Experiments on two LLMs
show that this approach can enable language models to perform comparable with
other state-of-the-art methods on datasets of a variety of languages and
knowledge, and can generalize to other IE sub-tasks via changing the content of
instruction. Another benefit of our approach is that it can help researchers to
build datasets in low-source and domain-specific scenarios, e.g., fields in
finance and law, with low cost. | cs.CL | Unified Text Structuralization with Instruction-tuned Language Models |
2023-03-27T07:28:46Z | http://arxiv.org/pdf/2303.14951v1 | http://arxiv.org/abs/2303.14951v1 | Suman Adhya, Avishek Lahiri, Debarshi Kumar Sanyal, Partha Pratim Das | 2023-03-27T07:28:46Z | cs.CL, cs.LG | Topic modeling has emerged as a dominant method for exploring large document
collections. Recent approaches to topic modeling use large contextualized
language models and variational autoencoders. In this paper, we propose a
negative sampling mechanism for a contextualized topic model to improve the
quality of the generated topics. In particular, during model training, we
perturb the generated document-topic vector and use a triplet loss to encourage
the document reconstructed from the correct document-topic vector to be similar
to the input document and dissimilar to the document reconstructed from the
perturbed vector. Experiments for different topic counts on three publicly
available benchmark datasets show that in most cases, our approach leads to an
increase in topic coherence over that of the baselines. Our model also achieves
very high topic diversity. | cs.CL | Improving Contextualized Topic Models with Negative Sampling |
2023-03-27T06:31:21Z | http://arxiv.org/pdf/2303.14935v1 | http://arxiv.org/abs/2303.14935v1 | Phuc Nguyen, Nam Tuan Ly, Hideaki Takeda, Atsuhiro Takasu | 2023-03-27T06:31:21Z | cs.CV, cs.CL | Table answering questions from business documents has many challenges that
require understanding tabular structures, cross-document referencing, and
additional numeric computations beyond simple search queries. This paper
introduces a novel pipeline, named TabIQA, to answer questions about business
document images. TabIQA combines state-of-the-art deep learning techniques 1)
to extract table content and structural information from images and 2) to
answer various questions related to numerical data, text-based information, and
complex queries from structured tables. The evaluation results on VQAonBD 2023
dataset demonstrate the effectiveness of TabIQA in achieving promising
performance in answering table-related questions. The TabIQA repository is
available at https://github.com/phucty/itabqa. | cs.CV | TabIQA: Table Questions Answering on Business Document Images |
2023-03-27T05:34:19Z | http://arxiv.org/pdf/2303.14920v1 | http://arxiv.org/abs/2303.14920v1 | Christopher McMaster, David FL Liew, Douglas EV Pires | 2023-03-27T05:34:19Z | cs.CL, cs.LG | We propose an approach for adapting the DeBERTa model for electronic health
record (EHR) tasks using domain adaptation. We pretrain a small DeBERTa model
on a dataset consisting of MIMIC-III discharge summaries, clinical notes,
radiology reports, and PubMed abstracts. We compare this model's performance
with a DeBERTa model pre-trained on clinical texts from our institutional EHR
(MeDeBERTa) and an XGBoost model. We evaluate performance on three benchmark
tasks for emergency department outcomes using the MIMIC-IV-ED dataset. We
preprocess the data to convert it into text format and generate four versions
of the original datasets to compare data processing and data inclusion. The
results show that our proposed approach outperforms the alternative models on
two of three tasks (p<0.001) and matches performance on the third task, with
the use of descriptive columns improving performance over the original column
names. | cs.CL | Adapting Pretrained Language Models for Solving Tabular Prediction Problems in the Electronic Health Record |
2023-03-27T03:27:08Z | http://arxiv.org/pdf/2303.16763v1 | http://arxiv.org/abs/2303.16763v1 | Jiaqing Liu, Chong Deng, Qinglin Zhang, Qian Chen, Wen Wang | 2023-03-27T03:27:08Z | cs.CL | Meetings are increasingly important for collaborations. Action items in
meeting transcripts are crucial for managing post-meeting to-do tasks, which
usually are summarized laboriously. The Action Item Detection task aims to
automatically detect meeting content associated with action items. However,
datasets manually annotated with action item detection labels are scarce and in
small scale. We construct and release the first Chinese meeting corpus with
manual action item annotations. In addition, we propose a Context-Drop approach
to utilize both local and global contexts by contrastive learning, and achieve
better accuracy and robustness for action item detection. We also propose a
Lightweight Model Ensemble method to exploit different pre-trained models.
Experimental results on our Chinese meeting corpus and the English AMI corpus
demonstrate the effectiveness of the proposed approaches. | cs.CL | Meeting Action Item Detection with Regularized Context Modeling |
2023-03-27T03:15:27Z | http://arxiv.org/pdf/2303.14898v1 | http://arxiv.org/abs/2303.14898v1 | Ruijie Wang, Zheng Li, Jingfeng Yang, Tianyu Cao, Chao Zhang, Bing Yin, Tarek Abdelzaher | 2023-03-27T03:15:27Z | cs.LG, cs.AI, cs.CL, cs.SI | This paper investigates cross-lingual temporal knowledge graph reasoning
problem, which aims to facilitate reasoning on Temporal Knowledge Graphs (TKGs)
in low-resource languages by transfering knowledge from TKGs in high-resource
ones. The cross-lingual distillation ability across TKGs becomes increasingly
crucial, in light of the unsatisfying performance of existing reasoning methods
on those severely incomplete TKGs, especially in low-resource languages.
However, it poses tremendous challenges in two aspects. First, the
cross-lingual alignments, which serve as bridges for knowledge transfer, are
usually too scarce to transfer sufficient knowledge between two TKGs. Second,
temporal knowledge discrepancy of the aligned entities, especially when
alignments are unreliable, can mislead the knowledge distillation process. We
correspondingly propose a mutually-paced knowledge distillation model MP-KD,
where a teacher network trained on a source TKG can guide the training of a
student network on target TKGs with an alignment module. Concretely, to deal
with the scarcity issue, MP-KD generates pseudo alignments between TKGs based
on the temporal information extracted by our representation module. To maximize
the efficacy of knowledge transfer and control the noise caused by the temporal
knowledge discrepancy, we enhance MP-KD with a temporal cross-lingual attention
mechanism to dynamically estimate the alignment strength. The two procedures
are mutually paced along with model training. Extensive experiments on twelve
cross-lingual TKG transfer tasks in the EventKG benchmark demonstrate the
effectiveness of the proposed MP-KD method. | cs.LG | Mutually-paced Knowledge Distillation for Cross-lingual Temporal Knowledge Graph Reasoning |
2023-03-27T02:34:09Z | http://arxiv.org/pdf/2303.16753v2 | http://arxiv.org/abs/2303.16753v2 | Peiyu Liu, Ze-Feng Gao, Yushuo Chen, Wayne Xin Zhao, Ji-Rong Wen | 2023-04-11T02:45:10Z | cs.CL | In this paper, we propose a highly parameter-efficient approach to scaling
pre-trained language models (PLMs) to a deeper model depth. Unlike prior work
that shares all parameters or uses extra blocks, we design a more capable
parameter-sharing architecture based on matrix product operator (MPO). MPO
decomposition can reorganize and factorize the information of a parameter
matrix into two parts: the major part that contains the major information
(central tensor) and the supplementary part that only has a small proportion of
parameters (auxiliary tensors). Based on such a decomposition, our architecture
shares the central tensor across all layers for reducing the model size and
meanwhile keeps layer-specific auxiliary tensors (also using adapters) for
enhancing the adaptation flexibility. To improve the model training, we further
propose a stable initialization algorithm tailored for the MPO-based
architecture. Extensive experiments have demonstrated the effectiveness of our
proposed model in reducing the model size and achieving highly competitive
performance. | cs.CL | Scaling Pre-trained Language Models to Deeper via Parameter-efficient Architecture |
2023-03-27T01:41:48Z | http://arxiv.org/pdf/2303.14871v1 | http://arxiv.org/abs/2303.14871v1 | Xu Liu, Mengyue Zhou, Gaosheng Shi, Yu Du, Lin Zhao, Zihao Wu, David Liu, Tianming Liu, Xintao Hu | 2023-03-27T01:41:48Z | cs.CL | Linking computational natural language processing (NLP) models and neural
responses to language in the human brain on the one hand facilitates the effort
towards disentangling the neural representations underpinning language
perception, on the other hand provides neurolinguistics evidence to evaluate
and improve NLP models. Mappings of an NLP model's representations of and the
brain activities evoked by linguistic input are typically deployed to reveal
this symbiosis. However, two critical problems limit its advancement: 1) The
model's representations (artificial neurons, ANs) rely on layer-level
embeddings and thus lack fine-granularity; 2) The brain activities (biological
neurons, BNs) are limited to neural recordings of isolated cortical unit (i.e.,
voxel/region) and thus lack integrations and interactions among brain
functions. To address those problems, in this study, we 1) define ANs with
fine-granularity in transformer-based NLP models (BERT in this study) and
measure their temporal activations to input text sequences; 2) define BNs as
functional brain networks (FBNs) extracted from functional magnetic resonance
imaging (fMRI) data to capture functional interactions in the brain; 3) couple
ANs and BNs by maximizing the synchronization of their temporal activations.
Our experimental results demonstrate 1) The activations of ANs and BNs are
significantly synchronized; 2) the ANs carry meaningful linguistic/semantic
information and anchor to their BN signatures; 3) the anchored BNs are
interpretable in a neurolinguistic context. Overall, our study introduces a
novel, general, and effective framework to link transformer-based NLP models
and neural activities in response to language and may provide novel insights
for future studies such as brain-inspired evaluation and development of NLP
models. | cs.CL | Coupling Artificial Neurons in BERT and Biological Neurons in the Human Brain |
2023-03-26T20:41:21Z | http://arxiv.org/pdf/2303.14814v1 | http://arxiv.org/abs/2303.14814v1 | Jongheon Jeong, Yang Zou, Taewan Kim, Dongqing Zhang, Avinash Ravichandran, Onkar Dabeer | 2023-03-26T20:41:21Z | cs.CV, cs.AI, cs.CL | Visual anomaly classification and segmentation are vital for automating
industrial quality inspection. The focus of prior research in the field has
been on training custom models for each quality inspection task, which requires
task-specific images and annotation. In this paper we move away from this
regime, addressing zero-shot and few-normal-shot anomaly classification and
segmentation. Recently CLIP, a vision-language model, has shown revolutionary
generality with competitive zero-/few-shot performance in comparison to
full-supervision. But CLIP falls short on anomaly classification and
segmentation tasks. Hence, we propose window-based CLIP (WinCLIP) with (1) a
compositional ensemble on state words and prompt templates and (2) efficient
extraction and aggregation of window/patch/image-level features aligned with
text. We also propose its few-normal-shot extension WinCLIP+, which uses
complementary information from normal images. In MVTec-AD (and VisA), without
further tuning, WinCLIP achieves 91.8%/85.1% (78.1%/79.6%) AUROC in zero-shot
anomaly classification and segmentation while WinCLIP+ does 93.1%/95.2%
(83.8%/96.4%) in 1-normal-shot, surpassing state-of-the-art by large margins. | cs.CV | WinCLIP: Zero-/Few-Shot Anomaly Classification and Segmentation |
2023-03-26T16:29:18Z | http://arxiv.org/pdf/2303.14770v1 | http://arxiv.org/abs/2303.14770v1 | Thuy-Trang Vu, Xuanli He, Gholamreza Haffari, Ehsan Shareghi | 2023-03-26T16:29:18Z | cs.CL, cs.LG | In very recent years more attention has been placed on probing the role of
pre-training data in Large Language Models (LLMs) downstream behaviour. Despite
the importance, there is no public tool that supports such analysis of
pre-training corpora at large scale. To help research in this space, we launch
Koala, a searchable index over large pre-training corpora using compressed
suffix arrays with highly efficient compression rate and search support. In its
first release we index the public proportion of OPT 175B pre-training data.
Koala provides a framework to do forensic analysis on the current and future
benchmarks as well as to assess the degree of memorization in the output from
the LLMs. Koala is available for public use at
https://koala-index.erc.monash.edu/. | cs.CL | Koala: An Index for Quantifying Overlaps with Pre-training Corpora |
2023-03-26T14:49:37Z | http://arxiv.org/pdf/2303.14742v1 | http://arxiv.org/abs/2303.14742v1 | Yunjie Ji, Yong Deng, Yan Gong, Yiping Peng, Qiang Niu, Lei Zhang, Baochang Ma, Xiangang Li | 2023-03-26T14:49:37Z | cs.CL | The success of ChatGPT has recently attracted numerous efforts to replicate
it, with instruction-tuning strategies being a key factor in achieving
remarkable results. Instruction-tuning not only significantly enhances the
model's performance and generalization but also makes the model's generated
results more consistent with human speech patterns. However current research
rarely studies the impact of different amounts of instruction data on model
performance, especially in the real-world use cases. In this paper we explore
the performance of large language models based on instruction tuning across
different scales of instruction data. An evaluation dataset consisting of 12
major online use cases is constructed in the experiment. With Bloomz-7B1-mt as
the base model, the results show that 1) merely increasing the amount of
instruction data leads to continuous improvement in tasks such as open-ended
generation, 2) in tasks such as math and code, the model performance curve
remains quite flat while increasing data size. We further analyze the possible
causes of these phenomena and propose potential future research directions such
as effectively selecting high-quality training data, scaling base models and
training methods specialized for hard tasks. We will release our training and
evaluation datasets, as well as model checkpoints. | cs.CL | Exploring the Impact of Instruction Data Scaling on Large Language Models: An Empirical Study on Real-World Use Cases |
2023-03-26T13:44:18Z | http://arxiv.org/pdf/2303.14725v2 | http://arxiv.org/abs/2303.14725v2 | Fei Yu, Hongbo Zhang, Prayag Tiwari, Benyou Wang | 2023-05-13T15:56:44Z | cs.CL | This survey paper proposes a clearer view of natural language reasoning in
the field of Natural Language Processing (NLP), both conceptually and
practically. Conceptually, we provide a distinct definition for natural
language reasoning in NLP, based on both philosophy and NLP scenarios, discuss
what types of tasks require reasoning, and introduce a taxonomy of reasoning.
Practically, we conduct a comprehensive literature review on natural language
reasoning in NLP, mainly covering classical logical reasoning, natural language
inference, multi-hop question answering, and commonsense reasoning. The paper
also identifies and views backward reasoning, a powerful paradigm for
multi-step reasoning, and introduces defeasible reasoning as one of the most
important future directions in natural language reasoning research. We focus on
single-modality unstructured natural language text, excluding neuro-symbolic
techniques and mathematical reasoning. | cs.CL | Natural Language Reasoning, A Survey |
2023-03-26T12:18:00Z | http://arxiv.org/pdf/2303.14704v2 | http://arxiv.org/abs/2303.14704v2 | Guorun Wang, Jun Yang, Yaoru Sun | 2023-04-06T03:44:38Z | cs.CL, cs.LG | The Outstanding performance and growing size of Large Language Models has led
to increased attention in parameter efficient learning. The two predominant
approaches are Adapters and Pruning. Adapters are to freeze the model and give
it a new weight matrix on the side, which can significantly reduce the time and
memory of training, but the cost is that the evaluation and testing will
increase the time and memory consumption. Pruning is to cut off some weight and
re-distribute the remaining weight, which sacrifices the complexity of training
at the cost of extremely high memory and training time, making the cost of
evaluation and testing relatively low. So efficiency of training and inference
can't be obtained in the same time. In this work, we propose a task-oriented
Pruning-Adapter method that achieve a high memory efficiency of training and
memory, and speeds up training time and ensures no significant decrease in
accuracy in GLUE tasks, achieving training and inference efficiency at the same
time. | cs.CL | Task-oriented Memory-efficient Pruning-Adapter |
2023-03-26T08:43:36Z | http://arxiv.org/pdf/2303.14655v2 | http://arxiv.org/abs/2303.14655v2 | Ji Qi, Jifan Yu, Teng Tu, Kunyu Gao, Yifan Xu, Xinyu Guan, Xiaozhi Wang, Yuxiao Dong, Bin Xu, Lei Hou, Juanzi Li, Jie Tang, Weidong Guo, Hui Liu, Yu Xu | 2023-10-05T06:55:13Z | cs.CV, cs.CL, cs.LG | Despite the recent emergence of video captioning models, how to generate
vivid, fine-grained video descriptions based on the background knowledge (i.e.,
long and informative commentary about the domain-specific scenes with
appropriate reasoning) is still far from being solved, which however has great
applications such as automatic sports narrative. In this paper, we present
GOAL, a benchmark of over 8.9k soccer video clips, 22k sentences, and 42k
knowledge triples for proposing a challenging new task setting as
Knowledge-grounded Video Captioning (KGVC). Moreover, we conduct experimental
adaption of existing methods to show the difficulty and potential directions
for solving this valuable and applicable task. Our data and code are available
at https://github.com/THU-KEG/goal. | cs.CV | GOAL: A Challenging Knowledge-grounded Video Captioning Benchmark for Real-time Soccer Commentary Generation |
2023-03-26T07:41:26Z | http://arxiv.org/pdf/2303.14647v1 | http://arxiv.org/abs/2303.14647v1 | Najmeh Torabian, Behrouz Minaei-Bidgoli, Mohsen Jahanshahi | 2023-03-26T07:41:26Z | cs.AI, cs.CL, 00Axx, E.1; H.3 | Link prediction with knowledge graph embedding (KGE) is a popular method for
knowledge graph completion. Furthermore, training KGEs on non-English knowledge
graph promote knowledge extraction and knowledge graph reasoning in the context
of these languages. However, many challenges in non-English KGEs pose to
learning a low-dimensional representation of a knowledge graph's entities and
relations. This paper proposes "Farspredict" a Persian knowledge graph based on
Farsbase (the most comprehensive knowledge graph in Persian). It also explains
how the knowledge graph structure affects link prediction accuracy in KGE. To
evaluate Farspredict, we implemented the popular models of KGE on it and
compared the results with Freebase. Given the analysis results, some
optimizations on the knowledge graph are carried out to improve its
functionality in the KGE. As a result, a new Persian knowledge graph is
achieved. Implementation results in the KGE models on Farspredict outperforming
Freebases in many cases. At last, we discuss what improvements could be
effective in enhancing the quality of Farspredict and how much it improves. | cs.AI | Farspredict: A benchmark dataset for link prediction |
2023-03-26T05:58:39Z | http://arxiv.org/pdf/2303.16764v1 | http://arxiv.org/abs/2303.16764v1 | Han Liu, Feng Zhang, Xiaotong Zhang, Siyang Zhao, Fenglong Ma, Xiao-Ming Wu, Hongyang Chen, Hong Yu, Xianchao Zhang | 2023-03-26T05:58:39Z | cs.CL | Distribution estimation has been demonstrated as one of the most effective
approaches in dealing with few-shot image classification, as the low-level
patterns and underlying representations can be easily transferred across
different tasks in computer vision domain. However, directly applying this
approach to few-shot text classification is challenging, since leveraging the
statistics of known classes with sufficient samples to calibrate the
distributions of novel classes may cause negative effects due to serious
category difference in text domain. To alleviate this issue, we propose two
simple yet effective strategies to estimate the distributions of the novel
classes by utilizing unlabeled query samples, thus avoiding the potential
negative transfer issue. Specifically, we first assume a class or sample
follows the Gaussian distribution, and use the original support set and the
nearest few query samples to estimate the corresponding mean and covariance.
Then, we augment the labeled samples by sampling from the estimated
distribution, which can provide sufficient supervision for training the
classification model. Extensive experiments on eight few-shot text
classification datasets show that the proposed method outperforms
state-of-the-art baselines significantly. | cs.CL | Boosting Few-Shot Text Classification via Distribution Estimation |
2023-03-26T00:02:25Z | http://arxiv.org/pdf/2303.14589v1 | http://arxiv.org/abs/2303.14589v1 | Brad Windsor, Luke Martin, Anand Tyagi | 2023-03-26T00:02:25Z | cs.CL, cs.AI | Sentence simplification tends to focus on the generic simplification of
sentences by making them more readable and easier to understand. This paper
provides a dataset aimed at training models that perform subject aware sentence
simplifications rather than simplifying sentences as a whole. We also test
models on that dataset which are inspired by model architecture used in
abstractive summarization. We hand generated portions of the data and augment
the dataset by further manipulating those hand written simplifications. Our
results show that data-augmentation, data-masking, and model architecture
choices used in summarization provide a solid baseline for comparison on
subject aware simplification. | cs.CL | SASS: Data and Methods for Subject Aware Sentence Simplification |
2023-03-25T23:41:33Z | http://arxiv.org/pdf/2303.14588v1 | http://arxiv.org/abs/2303.14588v1 | Bashar Al-Rfooh, Gheith Abandah, Rami Al-Rfou | 2023-03-25T23:41:33Z | cs.CL | Most of previous work on learning diacritization of the Arabic language
relied on training models from scratch. In this paper, we investigate how to
leverage pre-trained language models to learn diacritization. We finetune
token-free pre-trained multilingual models (ByT5) to learn to predict and
insert missing diacritics in Arabic text, a complex task that requires
understanding the sentence semantics and the morphological structure of the
tokens. We show that we can achieve state-of-the-art on the diacritization task
with minimal amount of training and no feature engineering, reducing WER by
40%. We release our finetuned models for the greater benefit of the researchers
in the community. | cs.CL | Fine-Tashkeel: Finetuning Byte-Level Models for Accurate Arabic Text Diacritization |
2023-03-25T23:16:11Z | http://arxiv.org/pdf/2303.14582v2 | http://arxiv.org/abs/2303.14582v2 | Dongyue Li, Huy L. Nguyen, Hongyang R. Zhang | 2023-12-27T15:49:14Z | cs.LG, cs.AI, cs.CL, stat.ML | Multitask learning is widely used in practice to train a low-resource target
task by augmenting it with multiple related source tasks. Yet, naively
combining all the source tasks with a target task does not always improve the
prediction performance for the target task due to negative transfers. Thus, a
critical problem in multitask learning is identifying subsets of source tasks
that would benefit the target task. This problem is computationally challenging
since the number of subsets grows exponentially with the number of source
tasks; efficient heuristics for subset selection do not always capture the
relationship between task subsets and multitask learning performances. In this
paper, we introduce an efficient procedure to address this problem via
surrogate modeling. In surrogate modeling, we sample (random) subsets of source
tasks and precompute their multitask learning performances. Then, we
approximate the precomputed performances with a linear regression model that
can also predict the multitask performance of unseen task subsets. We show
theoretically and empirically that fitting this model only requires sampling
linearly many subsets in the number of source tasks. The fitted model provides
a relevance score between each source and target task. We use the relevance
scores to perform subset selection for multitask learning by thresholding.
Through extensive experiments, we show that our approach predicts negative
transfers from multiple source tasks to target tasks much more accurately than
existing task affinity measures. Additionally, we demonstrate that for several
weak supervision datasets, our approach consistently improves upon existing
optimization methods for multitask learning. | cs.LG | Identification of Negative Transfers in Multitask Learning Using Surrogate Models |
2023-03-25T22:45:54Z | http://arxiv.org/pdf/2303.14576v1 | http://arxiv.org/abs/2303.14576v1 | Cheng Zhang | 2023-03-25T22:45:54Z | cs.CL | Creating multiple-choice questions to assess reading comprehension of a given
article involves generating question-answer pairs (QAPs) and adequate
distractors. We present two methods to tackle the challenge of QAP generations:
(1) A deep-learning-based end-to-end question generation system based on T5
Transformer with Preprocessing and Postprocessing Pipelines (TP3). We use the
finetuned T5 model for our downstream task of question generation and improve
accuracy using a combination of various NLP tools and algorithms in
preprocessing and postprocessing to select appropriate answers and filter
undesirable questions. (2) A sequence-learning-based scheme to generate
adequate QAPs via meta-sequence representations of sentences. A meta-sequence
is a sequence of vectors comprising semantic and syntactic tags. we devise a
scheme called MetaQA to learn meta sequences from training data to form pairs
of a meta sequence for a declarative sentence and a corresponding interrogative
sentence. The TP3 works well on unseen data, which is complemented by MetaQA.
Both methods can generate well-formed and grammatically correct questions.
Moreover, we present a novel approach to automatically generate adequate
distractors for a given QAP. The method is a combination of part-of-speech
tagging, named-entity tagging, semantic-role labeling, regular expressions,
domain knowledge bases, word embeddings, word edit distance, WordNet, and other
algorithms. | cs.CL | Automatic Generation of Multiple-Choice Questions |
2023-03-25T19:03:57Z | http://arxiv.org/pdf/2303.14537v2 | http://arxiv.org/abs/2303.14537v2 | Rickard Brüel-Gabrielsson, Tongzhou Wang, Manel Baradad, Justin Solomon | 2024-02-26T19:42:20Z | cs.LG, cs.CL, cs.CV | We introduce Deep Augmentation, an approach to implicit data augmentation
using dropout or PCA to transform a targeted layer within a neural network to
improve performance and generalization. We demonstrate Deep Augmentation
through extensive experiments on contrastive learning tasks in NLP, computer
vision, and graph learning. We observe substantial performance gains with
Transformers, ResNets, and Graph Neural Networks as the underlying models in
contrastive learning, but observe inverse effects on the corresponding
supervised problems. Our analysis suggests that Deep Augmentation alleviates
co-adaption between layers, a form of "collapse." We use this observation to
formulate a method for selecting which layer to target; in particular, our
experimentation reveals that targeting deeper layers with Deep Augmentation
outperforms augmenting the input data. The simple network- and
modality-agnostic nature of this approach enables its integration into various
machine learning pipelines. | cs.LG | Deep Augmentation: Self-Supervised Learning with Transformations in Activation Space |
2023-03-25T17:37:43Z | http://arxiv.org/pdf/2303.14524v2 | http://arxiv.org/abs/2303.14524v2 | Yunfan Gao, Tao Sheng, Youlin Xiang, Yun Xiong, Haofen Wang, Jiawei Zhang | 2023-04-04T03:51:27Z | cs.IR, cs.CL, cs.LG | Large language models (LLMs) have demonstrated their significant potential to
be applied for addressing various application tasks. However, traditional
recommender systems continue to face great challenges such as poor
interactivity and explainability, which actually also hinder their broad
deployment in real-world systems. To address these limitations, this paper
proposes a novel paradigm called Chat-Rec (ChatGPT Augmented Recommender
System) that innovatively augments LLMs for building conversational recommender
systems by converting user profiles and historical interactions into prompts.
Chat-Rec is demonstrated to be effective in learning user preferences and
establishing connections between users and products through in-context
learning, which also makes the recommendation process more interactive and
explainable. What's more, within the Chat-Rec framework, user's preferences can
transfer to different products for cross-domain recommendations, and
prompt-based injection of information into LLMs can also handle the cold-start
scenarios with new items. In our experiments, Chat-Rec effectively improve the
results of top-k recommendations and performs better in zero-shot rating
prediction task. Chat-Rec offers a novel approach to improving recommender
systems and presents new practical scenarios for the implementation of AIGC (AI
generated content) in recommender system studies. | cs.IR | Chat-REC: Towards Interactive and Explainable LLMs-Augmented Recommender System |
2023-03-25T14:24:50Z | http://arxiv.org/pdf/2303.14480v1 | http://arxiv.org/abs/2303.14480v1 | Zhouhong Gu, Sihang Jiang, Jingping Liu, Yanghua Xiao, Hongwei Feng, Zhixu Li, Jiaqing Liang, Jian Zhong | 2023-03-25T14:24:50Z | cs.AI, cs.CL | Taxonomy is formulated as directed acyclic concepts graphs or trees that
support many downstream tasks. Many new coming concepts need to be added to an
existing taxonomy. The traditional taxonomy expansion task aims only at finding
the best position for new coming concepts in the existing taxonomy. However,
they have two drawbacks when being applied to the real-scenarios. The previous
methods suffer from low-efficiency since they waste much time when most of the
new coming concepts are indeed noisy concepts. They also suffer from
low-effectiveness since they collect training samples only from the existing
taxonomy, which limits the ability of the model to mine more hypernym-hyponym
relationships among real concepts. This paper proposes a pluggable framework
called Generative Adversarial Network for Taxonomy Entering Evaluation (GANTEE)
to alleviate these drawbacks. A generative adversarial network is designed in
this framework by discriminative models to alleviate the first drawback and the
generative model to alleviate the second drawback. Two discriminators are used
in GANTEE to provide long-term and short-term rewards, respectively. Moreover,
to further improve the efficiency, pre-trained language models are used to
retrieve the representation of the concepts quickly. The experiments on three
real-world large-scale datasets with two different languages show that GANTEE
improves the performance of the existing taxonomy expansion methods in both
effectiveness and efficiency. | cs.AI | GANTEE: Generative Adversatial Network for Taxonomy Entering Evaluation |
2023-03-25T14:08:21Z | http://arxiv.org/pdf/2303.14475v1 | http://arxiv.org/abs/2303.14475v1 | Md Abul Bashar, Richi Nayak, Gareth Knapman, Paul Turnbull, Cressida Fforde | 2023-03-25T14:08:21Z | cs.CL, cs.AI, cs.CY, cs.IR, cs.LG, cs.SI | Among the pressing issues facing Australian and other First Nations peoples
is the repatriation of the bodily remains of their ancestors, which are
currently held in Western scientific institutions. The success of securing the
return of these remains to their communities for reburial depends largely on
locating information within scientific and other literature published between
1790 and 1970 documenting their theft, donation, sale, or exchange between
institutions. This article reports on collaborative research by data scientists
and social science researchers in the Research, Reconcile, Renew Network (RRR)
to develop and apply text mining techniques to identify this vital information.
We describe our work to date on developing a machine learning-based solution to
automate the process of finding and semantically analysing relevant texts.
Classification models, particularly deep learning-based models, are known to
have low accuracy when trained with small amounts of labelled (i.e.
relevant/non-relevant) documents. To improve the accuracy of our detection
model, we explore the use of an Informed Neural Network (INN) model that
describes documentary content using expert-informed contextual knowledge. Only
a few labelled documents are used to provide specificity to the model, using
conceptually related keywords identified by RRR experts in provenance research.
The results confirm the value of using an INN network model for identifying
relevant documents related to the investigation of the global commercial trade
in Indigenous human remains. Empirical analysis suggests that this INN model
can be generalized for use by other researchers in the social sciences and
humanities who want to extract relevant information from large textual corpora. | cs.CL | Informed Machine Learning, Centrality, CNN, Relevant Document Detection, Repatriation of Indigenous Human Remains |
2023-03-25T13:05:54Z | http://arxiv.org/pdf/2303.14461v1 | http://arxiv.org/abs/2303.14461v1 | Ashok Urlana, Sahil Manoj Bhatt, Nirmal Surange, Manish Shrivastava | 2023-03-25T13:05:54Z | cs.CL | The ILSUM shared task focuses on text summarization for two major Indian
languages- Hindi and Gujarati, along with English. In this task, we experiment
with various pretrained sequence-to-sequence models to find out the best model
for each of the languages. We present a detailed overview of the models and our
approaches in this paper. We secure the first rank across all three sub-tasks
(English, Hindi and Gujarati). This paper also extensively analyzes the impact
of k-fold cross-validation while experimenting with limited data size, and we
also perform various experiments with a combination of the original and a
filtered version of the data to determine the efficacy of the pretrained
models. | cs.CL | Indian Language Summarization using Pretrained Sequence-to-Sequence Models |
2023-03-25T12:12:30Z | http://arxiv.org/pdf/2303.14452v2 | http://arxiv.org/abs/2303.14452v2 | Meiru Zhang, Yixuan Su, Zaiqiao Meng, Zihao Fu, Nigel Collier | 2024-06-24T20:59:05Z | cs.CL | Event extraction is a complex information extraction task that involves
extracting events from unstructured text. Prior classification-based methods
require comprehensive entity annotations for joint training, while newer
generation-based methods rely on heuristic templates containing oracle
information such as event type, which is often unavailable in real-world
scenarios. In this study, we consider a more realistic setting of this task,
namely the Oracle-Free Event Extraction (OFEE) task, where only the input
context is given without any oracle information, including event type, event
ontology and trigger word. To solve this task, we propose a new framework,
called COFFEE, which extracts the events solely based on the document context
without referring to any oracle information. In particular, a contrastive
selection model is introduced in COFFEE to rectify the generated triggers and
handle multi-event instances. The proposed COFFEE outperforms state-of-the-art
approaches under the oracle-free setting of the event extraction task, as
evaluated on a public event extraction benchmark ACE05. | cs.CL | COFFEE: A Contrastive Oracle-Free Framework for Event Extraction |
2023-03-25T10:19:14Z | http://arxiv.org/pdf/2303.14425v1 | http://arxiv.org/abs/2303.14425v1 | Zhouhong Gu, Sihang Jiang, Wenhao Huang, Jiaqing Liang, Hongwei Feng, Yanghua Xiao | 2023-03-25T10:19:14Z | cs.CL, cs.AI | The model's ability to understand synonymous expression is crucial in many
kinds of downstream tasks. It will make the model to better understand the
similarity between context, and more robust to the synonym substitution attack.
However, many Pretrained Language Model (PLM) lack synonym knowledge due to
limitation of small-scale synsets and PLM's pretraining objectives. In this
paper, we propose a framework called Sem4SAP to mine synsets from Open
Knowledge Graph (Open-KG) and using the mined synsets to do synonym-aware
pretraining for language models. We propose to coarsly filter the content in
Open-KG and use the frequency information to better help the clustering process
under low-resource unsupervised conditions. We expand the mined synsets by
migrating core semantics between synonymous expressions.We also propose two
novel and effective synonym-aware pre-training methods for injecting synonym
knowledge into PLMs.Extensive experiments demonstrate that Sem4SAP can
dramatically outperform the original PLMs and other baselines on ten different
tasks. | cs.CL | Sem4SAP: Synonymous Expression Mining From Open Knowledge Graph For Language Model Synonym-Aware Pretraining |
2023-03-25T09:04:29Z | http://arxiv.org/pdf/2303.14406v1 | http://arxiv.org/abs/2303.14406v1 | Atnafu Lambebo Tonja, Tadesse Destaw Belay, Israel Abebe Azime, Abinew Ali Ayele, Moges Ahmed Mehamed, Olga Kolesnikova, Seid Muhie Yimam | 2023-03-25T09:04:29Z | cs.CL | This survey delves into the current state of natural language processing
(NLP) for four Ethiopian languages: Amharic, Afaan Oromo, Tigrinya, and
Wolaytta. Through this paper, we identify key challenges and opportunities for
NLP research in Ethiopia. Furthermore, we provide a centralized repository on
GitHub that contains publicly available resources for various NLP tasks in
these languages. This repository can be updated periodically with contributions
from other researchers. Our objective is to identify research gaps and
disseminate the information to NLP researchers interested in Ethiopian
languages and encourage future research in this domain. | cs.CL | Natural Language Processing in Ethiopian Languages: Current State, Challenges, and Opportunities |
2023-03-25T06:41:19Z | http://arxiv.org/pdf/2303.14375v1 | http://arxiv.org/abs/2303.14375v1 | Rui Zhang, Yajing Sun, Jingyuan Yang, Wei Peng | 2023-03-25T06:41:19Z | cs.CL | Frame semantics-based approaches have been widely used in semantic parsing
tasks and have become mainstream. It remains challenging to disambiguate frame
representations evoked by target lexical units under different contexts.
Pre-trained Language Models (PLMs) have been used in semantic parsing and
significantly improve the accuracy of neural parsers. However, the PLMs-based
approaches tend to favor collocated patterns presented in the training data,
leading to inaccurate outcomes. The intuition here is to design a mechanism to
optimally use knowledge captured in semantic frames in conjunction with PLMs to
disambiguate frames. We propose a novel Knowledge-Augmented Frame Semantic
Parsing Architecture (KAF-SPA) to enhance semantic representation by
incorporating accurate frame knowledge into PLMs during frame semantic parsing.
Specifically, a Memory-based Knowledge Extraction Module (MKEM) is devised to
select accurate frame knowledge and construct the continuous templates in the
high dimensional vector space. Moreover, we design a Task-oriented Knowledge
Probing Module (TKPM) using hybrid prompts (in terms of continuous and discrete
prompts) to incorporate the selected knowledge into the PLMs and adapt PLMs to
the tasks of frame and argument identification. Experimental results on two
public FrameNet datasets demonstrate that our method significantly outperforms
strong baselines (by more than +3$\%$ in F1), achieving state-of-art results on
the current benchmark. Ablation studies verify the effectiveness of KAF-SPA. | cs.CL | Knowledge-augmented Frame Semantic Parsing with Hybrid Prompt-tuning |
2023-03-25T03:08:49Z | http://arxiv.org/pdf/2303.14342v2 | http://arxiv.org/abs/2303.14342v2 | Steven Coyne, Keisuke Sakaguchi, Diana Galvan-Sosa, Michael Zock, Kentaro Inui | 2023-05-30T12:27:29Z | cs.CL | GPT-3 and GPT-4 models are powerful, achieving high performance on a variety
of Natural Language Processing tasks. However, there is a relative lack of
detailed published analysis of their performance on the task of grammatical
error correction (GEC). To address this, we perform experiments testing the
capabilities of a GPT-3.5 model (text-davinci-003) and a GPT-4 model
(gpt-4-0314) on major GEC benchmarks. We compare the performance of different
prompts in both zero-shot and few-shot settings, analyzing intriguing or
problematic outputs encountered with different prompt formats. We report the
performance of our best prompt on the BEA-2019 and JFLEG datasets, finding that
the GPT models can perform well in a sentence-level revision setting, with
GPT-4 achieving a new high score on the JFLEG benchmark. Through human
evaluation experiments, we compare the GPT models' corrections to source, human
reference, and baseline GEC system sentences and observe differences in editing
strategies and how they are scored by human raters. | cs.CL | Analyzing the Performance of GPT-3.5 and GPT-4 in Grammatical Error Correction |
2023-03-25T03:03:00Z | http://arxiv.org/pdf/2303.14337v3 | http://arxiv.org/abs/2303.14337v3 | Revanth Gangi Reddy, Daniel Lee, Yi R. Fung, Khanh Duy Nguyen, Qi Zeng, Manling Li, Ziqi Wang, Clare Voss, Heng Ji | 2024-05-27T23:40:26Z | cs.CL | Timely and comprehensive understanding of emerging events is crucial for
effective decision-making; automating situation report generation can
significantly reduce the time, effort, and cost for intelligence analysts. In
this work, we identify intelligence analysts' practices and preferences for AI
assistance in situation report generation to guide the design strategies for an
effective, trust-building interface that aligns with their thought processes
and needs. Next, we introduce SmartBook, an automated framework designed to
generate situation reports from large volumes of news data, creating structured
reports by automatically discovering event-related strategic questions. These
reports include multiple hypotheses (claims), summarized and grounded to
sources with factual evidence, to promote in-depth situation understanding. Our
comprehensive evaluation of SmartBook, encompassing a user study alongside a
content review with an editing study, reveals SmartBook's effectiveness in
generating accurate and relevant situation reports. Qualitative evaluations
indicate over 80% of questions probe for strategic information, and over 90% of
summaries produce tactically useful content, being consistently favored over
summaries from a large language model integrated with web search. The editing
study reveals that minimal information is removed from the generated text
(under 2.5%), suggesting that SmartBook provides analysts with a valuable
foundation for situation reports | cs.CL | SmartBook: AI-Assisted Situation Report Generation for Intelligence Analysts |
2023-03-25T02:47:09Z | http://arxiv.org/pdf/2303.14334v2 | http://arxiv.org/abs/2303.14334v2 | Kyle Lo, Joseph Chee Chang, Andrew Head, Jonathan Bragg, Amy X. Zhang, Cassidy Trier, Chloe Anastasiades, Tal August, Russell Authur, Danielle Bragg, Erin Bransom, Isabel Cachola, Stefan Candra, Yoganand Chandrasekhar, Yen-Sung Chen, Evie Yu-Yen Cheng, Yvonne Chou, Doug Downey, Rob Evans, Raymond Fok, Fangzhou Hu, Regan Huff, Dongyeop Kang, Tae Soo Kim, Rodney Kinney, Aniket Kittur, Hyeonsu Kang, Egor Klevak, Bailey Kuehl, Michael Langan, Matt Latzke, Jaron Lochner, Kelsey MacMillan, Eric Marsh, Tyler Murray, Aakanksha Naik, Ngoc-Uyen Nguyen, Srishti Palani, Soya Park, Caroline Paulic, Napol Rachatasumrit, Smita Rao, Paul Sayre, Zejiang Shen, Pao Siangliulue, Luca Soldaini, Huy Tran, Madeleine van Zuylen, Lucy Lu Wang, Christopher Wilhelm, Caroline Wu, Jiangjiang Yang, Angele Zamarron, Marti A. Hearst, Daniel S. Weld | 2023-04-23T09:12:23Z | cs.HC, cs.AI, cs.CL | Scholarly publications are key to the transfer of knowledge from scholars to
others. However, research papers are information-dense, and as the volume of
the scientific literature grows, the need for new technology to support the
reading process grows. In contrast to the process of finding papers, which has
been transformed by Internet technology, the experience of reading research
papers has changed little in decades. The PDF format for sharing research
papers is widely used due to its portability, but it has significant downsides
including: static content, poor accessibility for low-vision readers, and
difficulty reading on mobile devices. This paper explores the question "Can
recent advances in AI and HCI power intelligent, interactive, and accessible
reading interfaces -- even for legacy PDFs?" We describe the Semantic Reader
Project, a collaborative effort across multiple institutions to explore
automatic creation of dynamic reading interfaces for research papers. Through
this project, we've developed ten research prototype interfaces and conducted
usability studies with more than 300 participants and real-world users showing
improved reading experiences for scholars. We've also released a production
reading interface for research papers that will incorporate the best features
as they mature. We structure this paper around challenges scholars and the
public face when reading research papers -- Discovery, Efficiency,
Comprehension, Synthesis, and Accessibility -- and present an overview of our
progress and remaining open challenges. | cs.HC | The Semantic Reader Project: Augmenting Scholarly Documents through AI-Powered Interactive Reading Interfaces |
2023-03-25T01:41:54Z | http://arxiv.org/pdf/2303.14325v1 | http://arxiv.org/abs/2303.14325v1 | Xukun Zhou, Jiwei Li, Tianwei Zhang, Lingjuan Lyu, Muqiao Yang, Jun He | 2023-03-25T01:41:54Z | cs.CL | Backdoor attack aims at inducing neural models to make incorrect predictions
for poison data while keeping predictions on the clean dataset unchanged, which
creates a considerable threat to current natural language processing (NLP)
systems. Existing backdoor attacking systems face two severe issues:firstly,
most backdoor triggers follow a uniform and usually input-independent pattern,
e.g., insertion of specific trigger words, synonym replacement. This
significantly hinders the stealthiness of the attacking model, leading the
trained backdoor model being easily identified as malicious by model probes.
Secondly, trigger-inserted poisoned sentences are usually disfluent,
ungrammatical, or even change the semantic meaning from the original sentence,
making them being easily filtered in the pre-processing stage. To resolve these
two issues, in this paper, we propose an input-unique backdoor attack(NURA),
where we generate backdoor triggers unique to inputs. IDBA generates
context-related triggers by continuing writing the input with a language model
like GPT2. The generated sentence is used as the backdoor trigger. This
strategy not only creates input-unique backdoor triggers, but also preserves
the semantics of the original input, simultaneously resolving the two issues
above. Experimental results show that the IDBA attack is effective for attack
and difficult to defend: it achieves high attack success rate across all the
widely applied benchmarks, while is immune to existing defending methods. In
addition, it is able to generate fluent, grammatical, and diverse backdoor
inputs, which can hardly be recognized through human inspection. | cs.CL | Backdoor Attacks with Input-unique Triggers in NLP |
2023-03-25T00:43:41Z | http://arxiv.org/pdf/2303.14310v1 | http://arxiv.org/abs/2303.14310v1 | Ana Jojic, Zhen Wang, Nebojsa Jojic | 2023-03-25T00:43:41Z | cs.CL | We demonstrate that, through appropriate prompting, GPT-3 family of models
can be triggered to perform iterative behaviours necessary to execute (rather
than just write or recall) programs that involve loops, including several
popular algorithms found in computer science curricula or software developer
interviews. We trigger execution and description of Iterations by Regimenting
Self-Attention (IRSA) in one (or a combination) of three ways: 1) Using strong
repetitive structure in an example of an execution path of a target program for
one particular input, 2) Prompting with fragments of execution paths, and 3)
Explicitly forbidding (skipping) self-attention to parts of the generated text.
On a dynamic program execution, IRSA leads to larger accuracy gains than
replacing the model with the much more powerful GPT-4. IRSA has promising
applications in education, as the prompts and responses resemble student
assignments in data structures and algorithms classes. Our findings hold
implications for evaluating LLMs, which typically target the in-context
learning: We show that prompts that may not even cover one full task example
can trigger algorithmic behaviour, allowing solving problems previously thought
of as hard for LLMs, such as logical puzzles. Consequently, prompt design plays
an even more critical role in LLM performance than previously recognized. | cs.CL | GPT is becoming a Turing machine: Here are some ways to program it |
2023-03-24T21:49:27Z | http://arxiv.org/pdf/2303.14286v1 | http://arxiv.org/abs/2303.14286v1 | Phillip Schneider, Nils Rehtanz, Kristiina Jokinen, Florian Matthes | 2023-03-24T21:49:27Z | cs.CL | As the healthcare sector is facing major challenges, such as aging
populations, staff shortages, and common chronic diseases, delivering
high-quality care to individuals has become very difficult. Conversational
agents have shown to be a promising technology to alleviate some of these
issues. In the form of digital health assistants, they have the potential to
improve the everyday life of the elderly and chronically ill people. This
includes, for example, medication reminders, routine checks, or social
chit-chat. In addition, conversational agents can satisfy the fundamental need
of having access to information about daily news or local events, which enables
individuals to stay informed and connected with the world around them. However,
finding relevant news sources and navigating the plethora of news articles
available online can be overwhelming, particularly for those who may have
limited technological literacy or health-related impairments. To address this
challenge, we propose an innovative solution that combines knowledge graphs and
conversational agents for news search in assisted living. By leveraging graph
databases to semantically structure news data and implementing an intuitive
voice-based interface, our system can help care-dependent people to easily
discover relevant news articles and give personalized recommendations. We
explain our design choices, provide a system architecture, share insights of an
initial user test, and give an outlook on planned future work. | cs.CL | Voice-Based Conversational Agents and Knowledge Graphs for Improving News Search in Assisted Living |
2023-03-24T21:26:27Z | http://arxiv.org/pdf/2303.14279v1 | http://arxiv.org/abs/2303.14279v1 | Ilias Triantafyllopoulos, Georgios Paraskevopoulos, Alexandros Potamianos | 2023-03-24T21:26:27Z | cs.CL | We propose a deep architecture for depression detection from social media
posts. The proposed architecture builds upon BERT to extract language
representations from social media posts and combines these representations
using an attentive bidirectional GRU network. We incorporate affective
information, by augmenting the text representations with features extracted
from a pretrained emotion classifier. Motivated by psychological literature we
propose to incorporate profanity and morality features of posts and words in
our architecture using a late fusion scheme. Our analysis indicates that
morality and profanity can be important features for depression detection. We
apply our model for depression detection on Reddit posts on the Pirina dataset,
and further consider the setting of detecting depressed users, given multiple
posts per user, proposed in the Reddit RSDD dataset. The inclusion of the
proposed features yields state-of-the-art results in both settings, namely
2.65% and 6.73% absolute improvement in F1 score respectively. Index Terms:
Depression detection, BERT, Feature fusion, Emotion recognition, profanity,
morality | cs.CL | Depression detection in social media posts using affective and social norm features |
2023-03-24T18:59:06Z | http://arxiv.org/pdf/2303.14234v1 | http://arxiv.org/abs/2303.14234v1 | Michael Ginn | 2023-03-24T18:59:06Z | cs.CL | Language documentation is a critical aspect of language preservation, often
including the creation of Interlinear Glossed Text (IGT). Creating IGT is
time-consuming and tedious, and automating the process can save valuable
annotator effort.
This paper describes the baseline system for the SIGMORPHON 2023 Shared Task
of Interlinear Glossing. In our system, we utilize a transformer architecture
and treat gloss generation as a sequence labelling task. | cs.CL | SIGMORPHON 2023 Shared Task of Interlinear Glossing: Baseline Model |
2023-03-24T18:30:50Z | http://arxiv.org/pdf/2303.14222v1 | http://arxiv.org/abs/2303.14222v1 | Oliver Vinzelberg, Mark David Jenkins, Gordon Morison, David McMinn, Zoe Tieges | 2023-03-24T18:30:50Z | cs.CL | Summarisation of research results in plain language is crucial for promoting
public understanding of research findings. The use of Natural Language
Processing to generate lay summaries has the potential to relieve researchers'
workload and bridge the gap between science and society. The aim of this
narrative literature review is to describe and compare the different text
summarisation approaches used to generate lay summaries. We searched the
databases Web of Science, Google Scholar, IEEE Xplore, Association for
Computing Machinery Digital Library and arXiv for articles published until 6
May 2022. We included original studies on automatic text summarisation methods
to generate lay summaries. We screened 82 articles and included eight relevant
papers published between 2020 and 2021, all using the same dataset. The results
show that transformer-based methods such as Bidirectional Encoder
Representations from Transformers (BERT) and Pre-training with Extracted
Gap-sentences for Abstractive Summarization (PEGASUS) dominate the landscape of
lay text summarisation, with all but one study using these methods. A
combination of extractive and abstractive summarisation methods in a hybrid
approach was found to be most effective. Furthermore, pre-processing approaches
to input text (e.g. applying extractive summarisation) or determining which
sections of a text to include, appear critical. Evaluation metrics such as
Recall-Oriented Understudy for Gisting Evaluation (ROUGE) were used, which do
not consider readability. To conclude, automatic lay text summarisation is
under-explored. Future research should consider long document lay text
summarisation, including clinical trial reports, and the development of
evaluation metrics that consider readability of the lay summary. | cs.CL | Lay Text Summarisation Using Natural Language Processing: A Narrative Literature Review |
2023-03-24T17:38:58Z | http://arxiv.org/pdf/2303.14177v1 | http://arxiv.org/abs/2303.14177v1 | Suchin Gururangan, Margaret Li, Mike Lewis, Weijia Shi, Tim Althoff, Noah A. Smith, Luke Zettlemoyer | 2023-03-24T17:38:58Z | cs.CL, cs.AI | Large language models are typically trained densely: all parameters are
updated with respect to all inputs. This requires synchronization of billions
of parameters across thousands of GPUs. We introduce a simple but effective
method to asynchronously train large, sparse language models on arbitrary text
corpora. Our method clusters a corpus into sets of related documents, trains a
separate expert language model on each cluster, and combines them in a sparse
ensemble for inference. This approach generalizes embarrassingly parallel
training by automatically discovering the domains for each expert, and
eliminates nearly all the communication overhead of existing sparse language
models. Our technique outperforms dense baselines on multiple corpora and
few-shot tasks, and our analysis shows that specializing experts to meaningful
clusters is key to these gains. Performance also improves with the number of
experts and size of training data, suggesting this is a highly efficient and
accessible approach to training large language models. | cs.CL | Scaling Expert Language Models with Unsupervised Domain Discovery |
2023-03-24T16:35:42Z | http://arxiv.org/pdf/2303.14128v1 | http://arxiv.org/abs/2303.14128v1 | Georgina Curto, Svetlana Kiritchenko, Isar Nejadgholi, Kathleen C. Fraser | 2023-03-24T16:35:42Z | cs.CL | The criminalization of poverty has been widely denounced as a collective bias
against the most vulnerable. NGOs and international organizations claim that
the poor are blamed for their situation, are more often associated with
criminal offenses than the wealthy strata of society and even incur criminal
offenses simply as a result of being poor. While no evidence has been found in
the literature that correlates poverty and overall criminality rates, this
paper offers evidence of a collective belief that associates both concepts.
This brief report measures the societal bias that correlates criminality with
the poor, as compared to the rich, by using Natural Language Processing (NLP)
techniques in Twitter. The paper quantifies the level of crime-poverty bias in
a panel of eight different English-speaking countries. The regional differences
in the association between crime and poverty cannot be justified based on
different levels of inequality or unemployment, which the literature correlates
to property crimes. The variation in the observed rates of crime-poverty bias
for different geographic locations could be influenced by cultural factors and
the tendency to overestimate the equality of opportunities and social mobility
in specific countries. These results have consequences for policy-making and
open a new path of research for poverty mitigation with the focus not only on
the poor but on society as a whole. Acting on the collective bias against the
poor would facilitate the approval of poverty reduction policies, as well as
the restoration of the dignity of the persons affected. | cs.CL | The crime of being poor |
2023-03-24T16:24:08Z | http://arxiv.org/pdf/2303.14116v1 | http://arxiv.org/abs/2303.14116v1 | Shunsuke Kitada | 2023-03-24T16:24:08Z | cs.LG, cs.AI, cs.CL, cs.CV, cs.MM | With the dramatic advances in deep learning technology, machine learning
research is focusing on improving the interpretability of model predictions as
well as prediction performance in both basic and applied research. While deep
learning models have much higher prediction performance than traditional
machine learning models, the specific prediction process is still difficult to
interpret and/or explain. This is known as the black-boxing of machine learning
models and is recognized as a particularly important problem in a wide range of
research fields, including manufacturing, commerce, robotics, and other
industries where the use of such technology has become commonplace, as well as
the medical field, where mistakes are not tolerated. This bulletin is based on
the summary of the author's dissertation. The research summarized in the
dissertation focuses on the attention mechanism, which has been the focus of
much attention in recent years, and discusses its potential for both basic
research in terms of improving prediction performance and interpretability, and
applied research in terms of evaluating it for real-world applications using
large data sets beyond the laboratory environment. The dissertation also
concludes with a summary of the implications of these findings for subsequent
research and future prospects in the field. | cs.LG | Improving Prediction Performance and Model Interpretability through Attention Mechanisms from Basic and Applied Research Perspectives |
2023-03-24T15:29:16Z | http://arxiv.org/pdf/2303.14070v5 | http://arxiv.org/abs/2303.14070v5 | Yunxiang Li, Zihan Li, Kai Zhang, Ruilong Dan, Steve Jiang, You Zhang | 2023-06-24T15:26:44Z | cs.CL | The primary aim of this research was to address the limitations observed in
the medical knowledge of prevalent large language models (LLMs) such as
ChatGPT, by creating a specialized language model with enhanced accuracy in
medical advice. We achieved this by adapting and refining the large language
model meta-AI (LLaMA) using a large dataset of 100,000 patient-doctor dialogues
sourced from a widely used online medical consultation platform. These
conversations were cleaned and anonymized to respect privacy concerns. In
addition to the model refinement, we incorporated a self-directed information
retrieval mechanism, allowing the model to access and utilize real-time
information from online sources like Wikipedia and data from curated offline
medical databases. The fine-tuning of the model with real-world patient-doctor
interactions significantly improved the model's ability to understand patient
needs and provide informed advice. By equipping the model with self-directed
information retrieval from reliable online and offline sources, we observed
substantial improvements in the accuracy of its responses. Our proposed
ChatDoctor, represents a significant advancement in medical LLMs, demonstrating
a significant improvement in understanding patient inquiries and providing
accurate advice. Given the high stakes and low error tolerance in the medical
field, such enhancements in providing accurate and reliable information are not
only beneficial but essential. | cs.CL | ChatDoctor: A Medical Chat Model Fine-Tuned on a Large Language Model Meta-AI (LLaMA) Using Medical Domain Knowledge |
2023-03-24T14:07:03Z | http://arxiv.org/pdf/2303.14011v1 | http://arxiv.org/abs/2303.14011v1 | Yi-Syuan Chen, Yun-Zhu Song, Hong-Han Shuai | 2023-03-24T14:07:03Z | cs.CL, cs.AI | Neural abstractive summarization has been widely studied and achieved great
success with large-scale corpora. However, the considerable cost of annotating
data motivates the need for learning strategies under low-resource settings. In
this paper, we investigate the problems of learning summarizers with only few
examples and propose corresponding methods for improvements. First, typical
transfer learning methods are prone to be affected by data properties and
learning objectives in the pretext tasks. Therefore, based on pretrained
language models, we further present a meta learning framework to transfer
few-shot learning processes from source corpora to the target corpus. Second,
previous methods learn from training examples without decomposing the content
and preference. The generated summaries could therefore be constrained by the
preference bias in the training set, especially under low-resource settings. As
such, we propose decomposing the contents and preferences during learning
through the parameter modulation, which enables control over preferences during
inference. Third, given a target application, specifying required preferences
could be non-trivial because the preferences may be difficult to derive through
observations. Therefore, we propose a novel decoding method to automatically
estimate suitable preferences and generate corresponding summary candidates
from the few training examples. Extensive experiments demonstrate that our
methods achieve state-of-the-art performance on six diverse corpora with
30.11%/33.95%/27.51% and 26.74%/31.14%/24.48% average improvements on
ROUGE-1/2/L under 10- and 100-example settings. | cs.CL | SPEC: Summary Preference Decomposition for Low-Resource Abstractive Summarization |
2023-03-24T13:25:46Z | http://arxiv.org/pdf/2303.13989v1 | http://arxiv.org/abs/2303.13989v1 | Jonas Becker, Jan Philip Wahle, Terry Ruas, Bela Gipp | 2023-03-24T13:25:46Z | cs.CL, cs.AI | The growing prominence of large language models, such as GPT-4 and ChatGPT,
has led to increased concerns over academic integrity due to the potential for
machine-generated content and paraphrasing. Although studies have explored the
detection of human- and machine-paraphrased content, the comparison between
these types of content remains underexplored. In this paper, we conduct a
comprehensive analysis of various datasets commonly employed for paraphrase
detection tasks and evaluate an array of detection methods. Our findings
highlight the strengths and limitations of different detection methods in terms
of performance on individual datasets, revealing a lack of suitable
machine-generated datasets that can be aligned with human expectations. Our
main finding is that human-authored paraphrases exceed machine-generated ones
in terms of difficulty, diversity, and similarity implying that automatically
generated texts are not yet on par with human-level performance. Transformers
emerged as the most effective method across datasets with TF-IDF excelling on
semantically diverse corpora. Additionally, we identify four datasets as the
most diverse and challenging for paraphrase detection. | cs.CL | Paraphrase Detection: Human vs. Machine Content |
2023-03-24T13:24:41Z | http://arxiv.org/pdf/2303.13988v4 | http://arxiv.org/abs/2303.13988v4 | Thilo Hagendorff | 2023-10-23T20:39:23Z | cs.CL, cs.AI | Large language models (LLMs) are currently at the forefront of intertwining
AI systems with human communication and everyday life. Due to rapid
technological advances and their extreme versatility, LLMs nowadays have
millions of users and are at the cusp of being the main go-to technology for
information retrieval, content generation, problem-solving, etc. Therefore, it
is of great importance to thoroughly assess and scrutinize their capabilities.
Due to increasingly complex and novel behavioral patterns in current LLMs, this
can be done by treating them as participants in psychology experiments that
were originally designed to test humans. For this purpose, the paper introduces
a new field of research called "machine psychology". The paper outlines how
different subfields of psychology can inform behavioral tests for LLMs. It
defines methodological standards for machine psychology research, especially by
focusing on policies for prompt designs. Additionally, it describes how
behavioral patterns discovered in LLMs are to be interpreted. In sum, machine
psychology aims to discover emergent abilities in LLMs that cannot be detected
by most traditional natural language processing benchmarks. | cs.CL | Machine Psychology: Investigating Emergent Capabilities and Behavior in Large Language Models Using Psychological Methods |
2023-03-24T12:55:35Z | http://arxiv.org/pdf/2304.01209v1 | http://arxiv.org/abs/2304.01209v1 | Pierre-Yves Genest, Pierre-Edouard Portier, Elöd Egyed-Zsigmond, Laurent-Walter Goix | 2023-03-24T12:55:35Z | cs.CL, cs.AI, cs.IR, cs.LG | Unsupervised Relation Extraction (RE) aims to identify relations between
entities in text, without having access to labeled data during training. This
setting is particularly relevant for domain specific RE where no annotated
dataset is available and for open-domain RE where the types of relations are a
priori unknown. Although recent approaches achieve promising results, they
heavily depend on hyperparameters whose tuning would most often require labeled
data. To mitigate the reliance on hyperparameters, we propose PromptORE, a
''Prompt-based Open Relation Extraction'' model. We adapt the novel
prompt-tuning paradigm to work in an unsupervised setting, and use it to embed
sentences expressing a relation. We then cluster these embeddings to discover
candidate relations, and we experiment different strategies to automatically
estimate an adequate number of clusters. To the best of our knowledge,
PromptORE is the first unsupervised RE model that does not need hyperparameter
tuning. Results on three general and specific domain datasets show that
PromptORE consistently outperforms state-of-the-art models with a relative gain
of more than 40% in B 3 , V-measure and ARI. Qualitative analysis also
indicates PromptORE's ability to identify semantically coherent clusters that
are very close to true relations. | cs.CL | PromptORE -- A Novel Approach Towards Fully Unsupervised Relation Extraction |
2023-03-24T11:52:25Z | http://arxiv.org/pdf/2303.13939v2 | http://arxiv.org/abs/2303.13939v2 | Qinglin Zhang, Chong Deng, Jiaqing Liu, Hai Yu, Qian Chen, Wen Wang, Zhijie Yan, Jinglin Liu, Yi Ren, Zhou Zhao | 2023-03-27T03:51:52Z | cs.CL | Listening to long video/audio recordings from video conferencing and online
courses for acquiring information is extremely inefficient. Even after ASR
systems transcribe recordings into long-form spoken language documents, reading
ASR transcripts only partly speeds up seeking information. It has been observed
that a range of NLP applications, such as keyphrase extraction, topic
segmentation, and summarization, significantly improve users' efficiency in
grasping important information. The meeting scenario is among the most valuable
scenarios for deploying these spoken language processing (SLP) capabilities.
However, the lack of large-scale public meeting datasets annotated for these
SLP tasks severely hinders their advancement. To prompt SLP advancement, we
establish a large-scale general Meeting Understanding and Generation Benchmark
(MUG) to benchmark the performance of a wide range of SLP tasks, including
topic segmentation, topic-level and session-level extractive summarization and
topic title generation, keyphrase extraction, and action item detection. To
facilitate the MUG benchmark, we construct and release a large-scale meeting
dataset for comprehensive long-form SLP development, the AliMeeting4MUG Corpus,
which consists of 654 recorded Mandarin meeting sessions with diverse topic
coverage, with manual annotations for SLP tasks on manual transcripts of
meeting recordings. To the best of our knowledge, the AliMeeting4MUG Corpus is
so far the largest meeting corpus in scale and facilitates most SLP tasks. In
this paper, we provide a detailed introduction of this corpus, SLP tasks and
evaluation methods, baseline systems and their performance. | cs.CL | MUG: A General Meeting Understanding and Generation Benchmark |
2023-03-24T11:42:19Z | http://arxiv.org/pdf/2303.13932v1 | http://arxiv.org/abs/2303.13932v1 | Qinglin Zhang, Chong Deng, Jiaqing Liu, Hai Yu, Qian Chen, Wen Wang, Zhijie Yan, Jinglin Liu, Yi Ren, Zhou Zhao | 2023-03-24T11:42:19Z | cs.CL, cs.SD, eess.AS | ICASSP2023 General Meeting Understanding and Generation Challenge (MUG)
focuses on prompting a wide range of spoken language processing (SLP) research
on meeting transcripts, as SLP applications are critical to improve users'
efficiency in grasping important information in meetings. MUG includes five
tracks, including topic segmentation, topic-level and session-level extractive
summarization, topic title generation, keyphrase extraction, and action item
detection. To facilitate MUG, we construct and release a large-scale meeting
dataset, the AliMeeting4MUG Corpus. | cs.CL | Overview of the ICASSP 2023 General Meeting Understanding and Generation Challenge (MUG) |
2023-03-24T07:23:56Z | http://arxiv.org/pdf/2303.13839v1 | http://arxiv.org/abs/2303.13839v1 | Jiefeng Ma, Jun Du, Pengfei Hu, Zhenrong Zhang, Jianshu Zhang, Huihui Zhu, Cong Liu | 2023-03-24T07:23:56Z | cs.CL, cs.CV | The problem of document structure reconstruction refers to converting digital
or scanned documents into corresponding semantic structures. Most existing
works mainly focus on splitting the boundary of each element in a single
document page, neglecting the reconstruction of semantic structure in
multi-page documents. This paper introduces hierarchical reconstruction of
document structures as a novel task suitable for NLP and CV fields. To better
evaluate the system performance on the new task, we built a large-scale dataset
named HRDoc, which consists of 2,500 multi-page documents with nearly 2 million
semantic units. Every document in HRDoc has line-level annotations including
categories and relations obtained from rule-based extractors and human
annotators. Moreover, we proposed an encoder-decoder-based hierarchical
document structure parsing system (DSPS) to tackle this problem. By adopting a
multi-modal bidirectional encoder and a structure-aware GRU decoder with
soft-mask operation, the DSPS model surpass the baseline method by a large
margin. All scripts and datasets will be made publicly available at
https://github.com/jfma-USTC/HRDoc. | cs.CL | HRDoc: Dataset and Baseline Method Toward Hierarchical Reconstruction of Document Structures |
2023-03-24T06:16:29Z | http://arxiv.org/pdf/2303.13824v1 | http://arxiv.org/abs/2303.13824v1 | Benfeng Xu, Quan Wang, Zhendong Mao, Yajuan Lyu, Qiaoqiao She, Yongdong Zhang | 2023-03-24T06:16:29Z | cs.CL, cs.AI | In-Context Learning (ICL), which formulates target tasks as prompt completion
conditioned on in-context demonstrations, has become the prevailing utilization
of LLMs. In this paper, we first disclose an actual predicament for this
typical usage that it can not scale up with training data due to context length
restriction. Besides, existing works have shown that ICL also suffers from
various biases and requires delicate calibration treatment. To address both
challenges, we advocate a simple and effective solution, $k$NN Prompting, which
first queries LLM with training data for distributed representations, then
predicts test instances by simply referring to nearest neighbors. We conduct
comprehensive experiments to demonstrate its two-fold superiority: 1)
Calibration-Free: $k$NN Prompting does not directly align LLM output
distribution with task-specific label space, instead leverages such
distribution to align test and training instances. It significantly outperforms
state-of-the-art calibration-based methods under comparable few-shot scenario.
2) Beyond-Context: $k$NN Prompting can further scale up effectively with as
many training data as are available, continually bringing substantial
improvements. The scaling trend holds across 10 orders of magnitude ranging
from 2 shots to 1024 shots as well as different LLMs scales ranging from 0.8B
to 30B. It successfully bridges data scaling into model scaling, and brings new
potentials for the gradient-free paradigm of LLM deployment. Code is publicly
available. | cs.CL | $k$NN Prompting: Beyond-Context Learning with Calibration-Free Nearest Neighbor Inference |
2023-03-24T05:05:03Z | http://arxiv.org/pdf/2303.13809v4 | http://arxiv.org/abs/2303.13809v4 | Qingyu Lu, Baopu Qiu, Liang Ding, Kanjian Zhang, Tom Kocmi, Dacheng Tao | 2024-06-05T07:40:54Z | cs.CL | Generative large language models (LLMs), e.g., ChatGPT, have demonstrated
remarkable proficiency across several NLP tasks, such as machine translation,
text summarization. Recent research (Kocmi and Federmann, 2023) has shown that
utilizing LLMs for assessing the quality of machine translation (MT) achieves
state-of-the-art performance at the system level but \textit{performs poorly at
the segment level}. To further improve the performance of LLMs on MT quality
assessment, we investigate several prompting designs, and propose a new
prompting method called \textbf{\texttt{Error Analysis Prompting}} (EAPrompt)
by combining Chain-of-Thoughts (Wei et al., 2022) and Error Analysis (Lu et
al., 2023). This technique emulates the commonly accepted human evaluation
framework - Multidimensional Quality Metrics (MQM, Freitag et al. (2021)) and
\textit{produces explainable and reliable MT evaluations at both the system and
segment level}. Experimental Results from the WMT22 metrics shared task
validate the effectiveness of EAPrompt on various LLMs, with different
structures. Further analysis confirms that EAPrompt effectively distinguishes
major errors from minor ones, while also sharing a similar distribution of the
number of errors with MQM. These findings highlight the potential of EAPrompt
as a human-like evaluator prompting technique for MT evaluation. | cs.CL | Error Analysis Prompting Enables Human-Like Translation Evaluation in Large Language Models |
2023-03-24T04:51:22Z | http://arxiv.org/pdf/2303.13801v1 | http://arxiv.org/abs/2303.13801v1 | Adib Mosharrof, Moghis Fereidouni, A. B. Siddique | 2023-03-24T04:51:22Z | cs.CL, cs.LG | Slot filling is one of the critical tasks in modern conversational systems.
The majority of existing literature employs supervised learning methods, which
require labeled training data for each new domain. Zero-shot learning and weak
supervision approaches, among others, have shown promise as alternatives to
manual labeling. Nonetheless, these learning paradigms are significantly
inferior to supervised learning approaches in terms of performance. To minimize
this performance gap and demonstrate the possibility of open-domain slot
filling, we propose a Self-supervised Co-training framework, called SCot, that
requires zero in-domain manually labeled training examples and works in three
phases. Phase one acquires two sets of complementary pseudo labels
automatically. Phase two leverages the power of the pre-trained language model
BERT, by adapting it for the slot filling task using these sets of pseudo
labels. In phase three, we introduce a self-supervised cotraining mechanism,
where both models automatically select highconfidence soft labels to further
improve the performance of the other in an iterative fashion. Our thorough
evaluations show that SCot outperforms state-of-the-art models by 45.57% and
37.56% on SGD and MultiWoZ datasets, respectively. Moreover, our proposed
framework SCot achieves comparable performance when compared to
state-of-the-art fully supervised models. | cs.CL | Toward Open-domain Slot Filling via Self-supervised Co-training |
2023-03-24T04:33:40Z | http://arxiv.org/pdf/2303.13797v1 | http://arxiv.org/abs/2303.13797v1 | A. B. Siddique, M. H. Maqbool, Kshitija Taywade, Hassan Foroosh | 2023-03-24T04:33:40Z | cs.CL, cs.LG | Task-oriented dialog systems enable users to accomplish tasks using natural
language. State-of-the-art systems respond to users in the same way regardless
of their personalities, although personalizing dialogues can lead to higher
levels of adoption and better user experiences. Building personalized dialog
systems is an important, yet challenging endeavor and only a handful of works
took on the challenge. Most existing works rely on supervised learning
approaches and require laborious and expensive labeled training data for each
user profile. Additionally, collecting and labeling data for each user profile
is virtually impossible. In this work, we propose a novel framework, P-ToD, to
personalize task-oriented dialog systems capable of adapting to a wide range of
user profiles in an unsupervised fashion using a zero-shot generalizable reward
function. P-ToD uses a pre-trained GPT-2 as a backbone model and works in three
phases. Phase one performs task-specific training. Phase two kicks off
unsupervised personalization by leveraging the proximal policy optimization
algorithm that performs policy gradients guided by the zero-shot generalizable
reward function. Our novel reward function can quantify the quality of the
generated responses even for unseen profiles. The optional final phase
fine-tunes the personalized model using a few labeled training examples. We
conduct extensive experimental analysis using the personalized bAbI dialogue
benchmark for five tasks and up to 180 diverse user profiles. The experimental
results demonstrate that P-ToD, even when it had access to zero labeled
examples, outperforms state-of-the-art supervised personalization models and
achieves competitive performance on BLEU and ROUGE metrics when compared to a
strong fully-supervised GPT-2 baseline | cs.CL | Personalizing Task-oriented Dialog Systems via Zero-shot Generalizable Reward Function |
2023-03-24T03:35:21Z | http://arxiv.org/pdf/2303.13780v4 | http://arxiv.org/abs/2303.13780v4 | Keqin Peng, Liang Ding, Qihuang Zhong, Li Shen, Xuebo Liu, Min Zhang, Yuanxin Ouyang, Dacheng Tao | 2023-10-20T07:18:15Z | cs.CL | ChatGPT shows remarkable capabilities for machine translation (MT). Several
prior studies have shown that it achieves comparable results to commercial
systems for high-resource languages, but lags behind in complex tasks, e.g.,
low-resource and distant-language-pairs translation. However, they usually
adopt simple prompts which can not fully elicit the capability of ChatGPT. In
this paper, we aim to further mine ChatGPT's translation ability by revisiting
several aspects: temperature, task information, and domain information, and
correspondingly propose an optimal temperature setting and two (simple but
effective) prompts: Task-Specific Prompts (TSP) and Domain-Specific Prompts
(DSP). We show that: 1) The performance of ChatGPT depends largely on
temperature, and a lower temperature usually can achieve better performance; 2)
Emphasizing the task information can further improve ChatGPT's performance,
particularly in complex MT tasks; 3) Introducing domain information can elicit
ChatGPT's generalization ability and improve its performance in the specific
domain; 4) ChatGPT tends to generate hallucinations for non-English-centric MT
tasks, which can be partially addressed by our proposed prompts but still need
to be highlighted for the MT/NLP community. We also explore the effects of
advanced in-context learning strategies and find a (negative but interesting)
observation: the powerful chain-of-thought prompt leads to word-by-word
translation behavior, thus bringing significant translation degradation. | cs.CL | Towards Making the Most of ChatGPT for Machine Translation |
2023-03-24T03:14:00Z | http://arxiv.org/pdf/2303.16756v2 | http://arxiv.org/abs/2303.16756v2 | Jiayi Yuan, Ruixiang Tang, Xiaoqian Jiang, Xia Hu | 2023-08-05T03:03:41Z | cs.CL, cs.AI | The process of matching patients with suitable clinical trials is essential
for advancing medical research and providing optimal care. However, current
approaches face challenges such as data standardization, ethical
considerations, and a lack of interoperability between Electronic Health
Records (EHRs) and clinical trial criteria. In this paper, we explore the
potential of large language models (LLMs) to address these challenges by
leveraging their advanced natural language generation capabilities to improve
compatibility between EHRs and clinical trial descriptions. We propose an
innovative privacy-aware data augmentation approach for LLM-based patient-trial
matching (LLM-PTM), which balances the benefits of LLMs while ensuring the
security and confidentiality of sensitive patient data. Our experiments
demonstrate a 7.32% average improvement in performance using the proposed
LLM-PTM method, and the generalizability to new data is improved by 12.12%.
Additionally, we present case studies to further illustrate the effectiveness
of our approach and provide a deeper understanding of its underlying
principles. | cs.CL | Large Language Models for Healthcare Data Augmentation: An Example on Patient-Trial Matching |
2023-03-24T00:26:07Z | http://arxiv.org/pdf/2303.13722v1 | http://arxiv.org/abs/2303.13722v1 | Shan Chen, Marco Guevara, Nicolas Ramirez, Arpi Murray, Jeremy L. Warner, Hugo JWL Aerts, Timothy A. Miller, Guergana K. Savova, Raymond H. Mak, Danielle S. Bitterman | 2023-03-24T00:26:07Z | cs.CL | Radiotherapy (RT) toxicities can impair survival and quality-of-life, yet
remain under-studied. Real-world evidence holds potential to improve our
understanding of toxicities, but toxicity information is often only in clinical
notes. We developed natural language processing (NLP) models to identify the
presence and severity of esophagitis from notes of patients treated with
thoracic RT. We fine-tuned statistical and pre-trained BERT-based models for
three esophagitis classification tasks: Task 1) presence of esophagitis, Task
2) severe esophagitis or not, and Task 3) no esophagitis vs. grade 1 vs. grade
2-3. Transferability was tested on 345 notes from patients with esophageal
cancer undergoing RT.
Fine-tuning PubmedBERT yielded the best performance. The best macro-F1 was
0.92, 0.82, and 0.74 for Task 1, 2, and 3, respectively. Selecting the most
informative note sections during fine-tuning improved macro-F1 by over 2% for
all tasks. Silver-labeled data improved the macro-F1 by over 3% across all
tasks. For the esophageal cancer notes, the best macro-F1 was 0.73, 0.74, and
0.65 for Task 1, 2, and 3, respectively, without additional fine-tuning.
To our knowledge, this is the first effort to automatically extract
esophagitis toxicity severity according to CTCAE guidelines from clinic notes.
The promising performance provides proof-of-concept for NLP-based automated
detailed toxicity monitoring in expanded domains. | cs.CL | Natural language processing to automatically extract the presence and severity of esophagitis in notes of patients undergoing radiotherapy |
2023-03-24T00:01:24Z | http://arxiv.org/pdf/2303.13716v2 | http://arxiv.org/abs/2303.13716v2 | Zhengxuan Wu, Christopher D. Manning, Christopher Potts | 2024-01-23T21:52:42Z | cs.CL | Compositional generalization benchmarks for semantic parsing seek to assess
whether models can accurately compute meanings for novel sentences, but
operationalize this in terms of logical form (LF) prediction. This raises the
concern that semantically irrelevant details of the chosen LFs could shape
model performance. We argue that this concern is realized for the COGS
benchmark. COGS poses generalization splits that appear impossible for
present-day models, which could be taken as an indictment of those models.
However, we show that the negative results trace to incidental features of COGS
LFs. Converting these LFs to semantically equivalent ones and factoring out
capabilities unrelated to semantic interpretation, we find that even baseline
models get traction. A recent variable-free translation of COGS LFs suggests
similar conclusions, but we observe this format is not semantically equivalent;
it is incapable of accurately representing some COGS meanings. These findings
inform our proposal for ReCOGS, a modified version of COGS that comes closer to
assessing the target semantic capabilities while remaining very challenging.
Overall, our results reaffirm the importance of compositional generalization
and careful benchmark task design. | cs.CL | ReCOGS: How Incidental Details of a Logical Form Overshadow an Evaluation of Semantic Interpretation |
2023-03-23T21:10:04Z | http://arxiv.org/pdf/2303.13675v1 | http://arxiv.org/abs/2303.13675v1 | Andrew Halterman | 2023-03-23T21:10:04Z | cs.CL | Mordecai3 is a new end-to-end text geoparser and event geolocation system.
The system performs toponym resolution using a new neural ranking model to
resolve a place name extracted from a document to its entry in the Geonames
gazetteer. It also performs event geocoding, the process of linking events
reported in text with the place names where they are reported to occur, using
an off-the-shelf question-answering model. The toponym resolution model is
trained on a diverse set of existing training data, along with several thousand
newly annotated examples. The paper describes the model, its training process,
and performance comparisons with existing geoparsers. The system is available
as an open source Python library, Mordecai 3, and replaces an earlier
geoparser, Mordecai v2, one of the most widely used text geoparsers (Halterman
2017). | cs.CL | Mordecai 3: A Neural Geoparser and Event Geocoder |
2023-03-23T18:16:30Z | http://arxiv.org/pdf/2303.13592v4 | http://arxiv.org/abs/2303.13592v4 | Zheng-Xin Yong, Ruochen Zhang, Jessica Zosa Forde, Skyler Wang, Arjun Subramonian, Holy Lovenia, Samuel Cahyawijaya, Genta Indra Winata, Lintang Sutawika, Jan Christian Blaise Cruz, Yin Lin Tan, Long Phan, Rowena Garcia, Thamar Solorio, Alham Fikri Aji | 2023-09-12T16:35:30Z | cs.CL, cs.AI | While code-mixing is a common linguistic practice in many parts of the world,
collecting high-quality and low-cost code-mixed data remains a challenge for
natural language processing (NLP) research. The recent proliferation of Large
Language Models (LLMs) compels one to ask: how capable are these systems in
generating code-mixed data? In this paper, we explore prompting multilingual
LLMs in a zero-shot manner to generate code-mixed data for seven languages in
South East Asia (SEA), namely Indonesian, Malay, Chinese, Tagalog, Vietnamese,
Tamil, and Singlish. We find that publicly available multilingual
instruction-tuned models such as BLOOMZ and Flan-T5-XXL are incapable of
producing texts with phrases or clauses from different languages. ChatGPT
exhibits inconsistent capabilities in generating code-mixed texts, wherein its
performance varies depending on the prompt template and language pairing. For
instance, ChatGPT generates fluent and natural Singlish texts (an English-based
creole spoken in Singapore), but for English-Tamil language pair, the system
mostly produces grammatically incorrect or semantically meaningless utterances.
Furthermore, it may erroneously introduce languages not specified in the
prompt. Based on our investigation, existing multilingual LLMs exhibit a wide
range of proficiency in code-mixed data generation for SEA languages. As such,
we advise against using LLMs in this context without extensive human checks. | cs.CL | Prompting Multilingual Large Language Models to Generate Code-Mixed Texts: The Case of South East Asian Languages |
2023-03-23T18:02:23Z | http://arxiv.org/pdf/2303.15293v1 | http://arxiv.org/abs/2303.15293v1 | Sepand Mavandadi, Tara N. Sainath, Ke Hu, Zelin Wu | 2023-03-23T18:02:23Z | eess.AS, cs.CL, cs.LG, cs.SD | We propose a new two-pass E2E speech recognition model that improves ASR
performance by training on a combination of paired data and unpaired text data.
Previously, the joint acoustic and text decoder (JATD) has shown promising
results through the use of text data during model training and the recently
introduced deliberation architecture has reduced recognition errors by
leveraging first-pass decoding results. Our method, dubbed Deliberation-JATD,
combines the spelling correcting abilities of deliberation with JATD's use of
unpaired text data to further improve performance. The proposed model produces
substantial gains across multiple test sets, especially those focused on rare
words, where it reduces word error rate (WER) by between 12% and 22.5%
relative. This is done without increasing model size or requiring multi-stage
training, making Deliberation-JATD an efficient candidate for on-device
applications. | eess.AS | A Deliberation-based Joint Acoustic and Text Decoder |
2023-03-23T17:59:54Z | http://arxiv.org/pdf/2303.13519v1 | http://arxiv.org/abs/2303.13519v1 | Medhini Narasimhan, Licheng Yu, Sean Bell, Ning Zhang, Trevor Darrell | 2023-03-23T17:59:54Z | cs.CV, cs.AI, cs.CL, cs.LG | Given the enormous number of instructional videos available online, learning
a diverse array of multi-step task models from videos is an appealing goal. We
introduce a new pre-trained video model, VideoTaskformer, focused on
representing the semantics and structure of instructional videos. We pre-train
VideoTaskformer using a simple and effective objective: predicting weakly
supervised textual labels for steps that are randomly masked out from an
instructional video (masked step modeling). Compared to prior work which learns
step representations locally, our approach involves learning them globally,
leveraging video of the entire surrounding task as context. From these learned
representations, we can verify if an unseen video correctly executes a given
task, as well as forecast which steps are likely to be taken after a given
step. We introduce two new benchmarks for detecting mistakes in instructional
videos, to verify if there is an anomalous step and if steps are executed in
the right order. We also introduce a long-term forecasting benchmark, where the
goal is to predict long-range future steps from a given step. Our method
outperforms previous baselines on these tasks, and we believe the tasks will be
a valuable way for the community to measure the quality of step
representations. Additionally, we evaluate VideoTaskformer on 3 existing
benchmarks -- procedural activity recognition, step classification, and step
forecasting -- and demonstrate on each that our method outperforms existing
baselines and achieves new state-of-the-art performance. | cs.CV | Learning and Verification of Task Structure in Instructional Videos |
2023-03-23T17:24:31Z | http://arxiv.org/pdf/2303.13455v1 | http://arxiv.org/abs/2303.13455v1 | Haoxuan You, Mandy Guo, Zhecan Wang, Kai-Wei Chang, Jason Baldridge, Jiahui Yu | 2023-03-23T17:24:31Z | cs.CV, cs.CL | The field of vision and language has witnessed a proliferation of pre-trained
foundation models. Most existing methods are independently pre-trained with
contrastive objective like CLIP, image-to-text generative objective like PaLI,
or text-to-image generative objective like Parti. However, the three objectives
can be pre-trained on the same data, image-text pairs, and intuitively they
complement each other as contrasting provides global alignment capacity and
generation grants fine-grained understanding. In this work, we present a
Contrastive Bi-directional Image-Text generation model (CoBIT), which attempts
to unify the three pre-training objectives in one framework. Specifically,
CoBIT employs a novel unicoder-decoder structure, consisting of an image
unicoder, a text unicoder and a cross-modal decoder. The image/text unicoders
can switch between encoding and decoding in different tasks, enabling
flexibility and shared knowledge that benefits both image-to-text and
text-to-image generations. CoBIT achieves superior performance in image
understanding, image-text understanding (Retrieval, Captioning, VQA, SNLI-VE)
and text-based content creation, particularly in zero-shot scenarios. For
instance, 82.7% in zero-shot ImageNet classification, 9.37 FID score in
zero-shot text-to-image generation and 44.8 CIDEr in zero-shot captioning. | cs.CV | CoBIT: A Contrastive Bi-directional Image-Text Generation Model |
2023-03-23T17:17:46Z | http://arxiv.org/pdf/2303.13451v1 | http://arxiv.org/abs/2303.13451v1 | Xavier Tannier, Perceval Wajsbürt, Alice Calliger, Basile Dura, Alexandre Mouchet, Martin Hilka, Romain Bey | 2023-03-23T17:17:46Z | cs.CL | The objective of this study is to address the critical issue of
de-identification of clinical reports in order to allow access to data for
research purposes, while ensuring patient privacy. The study highlights the
difficulties faced in sharing tools and resources in this domain and presents
the experience of the Greater Paris University Hospitals (AP-HP) in
implementing a systematic pseudonymization of text documents from its Clinical
Data Warehouse. We annotated a corpus of clinical documents according to 12
types of identifying entities, and built a hybrid system, merging the results
of a deep learning model as well as manual rules. Our results show an overall
performance of 0.99 of F1-score. We discuss implementation choices and present
experiments to better understand the effort involved in such a task, including
dataset size, document types, language models, or rule addition. We share
guidelines and code under a 3-Clause BSD license. | cs.CL | Development and validation of a natural language processing algorithm to pseudonymize documents in the context of a clinical data warehouse |
2023-03-23T16:29:27Z | http://arxiv.org/pdf/2303.13408v2 | http://arxiv.org/abs/2303.13408v2 | Kalpesh Krishna, Yixiao Song, Marzena Karpinska, John Wieting, Mohit Iyyer | 2023-10-18T02:29:55Z | cs.CL, cs.CR, cs.LG | The rise in malicious usage of large language models, such as fake content
creation and academic plagiarism, has motivated the development of approaches
that identify AI-generated text, including those based on watermarking or
outlier detection. However, the robustness of these detection algorithms to
paraphrases of AI-generated text remains unclear. To stress test these
detectors, we build a 11B parameter paraphrase generation model (DIPPER) that
can paraphrase paragraphs, condition on surrounding context, and control
lexical diversity and content reordering. Using DIPPER to paraphrase text
generated by three large language models (including GPT3.5-davinci-003)
successfully evades several detectors, including watermarking, GPTZero,
DetectGPT, and OpenAI's text classifier. For example, DIPPER drops detection
accuracy of DetectGPT from 70.3% to 4.6% (at a constant false positive rate of
1%), without appreciably modifying the input semantics.
To increase the robustness of AI-generated text detection to paraphrase
attacks, we introduce a simple defense that relies on retrieving
semantically-similar generations and must be maintained by a language model API
provider. Given a candidate text, our algorithm searches a database of
sequences previously generated by the API, looking for sequences that match the
candidate text within a certain threshold. We empirically verify our defense
using a database of 15M generations from a fine-tuned T5-XXL model and find
that it can detect 80% to 97% of paraphrased generations across different
settings while only classifying 1% of human-written sequences as AI-generated.
We open-source our models, code and data. | cs.CL | Paraphrasing evades detectors of AI-generated text, but retrieval is an effective defense |
2023-03-23T15:59:06Z | http://arxiv.org/pdf/2303.13570v2 | http://arxiv.org/abs/2303.13570v2 | Jeremy Wilkerson | 2023-04-06T00:22:17Z | cs.CL, cs.LG | This study presents a novel model for invertible sentence embeddings using a
residual recurrent network trained on an unsupervised encoding task. Rather
than the probabilistic outputs common to neural machine translation models, our
approach employs a regression-based output layer to reconstruct the input
sequence's word vectors. The model achieves high accuracy and fast training
with the ADAM optimizer, a significant finding given that RNNs typically
require memory units, such as LSTMs, or second-order optimization methods. We
incorporate residual connections and introduce a "match drop" technique, where
gradients are calculated only for incorrect words. Our approach demonstrates
potential for various natural language processing applications, particularly in
neural network-based systems that require high-quality sentence embeddings. | cs.CL | Return of the RNN: Residual Recurrent Networks for Invertible Sentence Embeddings |
2023-03-23T15:58:41Z | http://arxiv.org/pdf/2303.13386v1 | http://arxiv.org/abs/2303.13386v1 | Fangyu Liu, Qianchu Liu, Shruthi Bannur, Fernando Pérez-García, Naoto Usuyama, Sheng Zhang, Tristan Naumann, Aditya Nori, Hoifung Poon, Javier Alvarez-Valle, Ozan Oktay, Stephanie L. Hyland | 2023-03-23T15:58:41Z | cs.CL, cs.LG | Label scarcity is a bottleneck for improving task performance in specialised
domains. We propose a novel compositional transfer learning framework (DoT5 -
domain compositional zero-shot T5) for zero-shot domain transfer. Without
access to in-domain labels, DoT5 jointly learns domain knowledge (from MLM of
unlabelled in-domain free text) and task knowledge (from task training on more
readily available general-domain data) in a multi-task manner. To improve the
transferability of task training, we design a strategy named NLGU: we
simultaneously train NLG for in-domain label-to-data generation which enables
data augmentation for self-finetuning and NLU for label prediction. We evaluate
DoT5 on the biomedical domain and the resource-lean subdomain of radiology,
focusing on NLI, text summarisation and embedding learning. DoT5 demonstrates
the effectiveness of compositional transfer learning through multi-task
learning. In particular, DoT5 outperforms the current SOTA in zero-shot
transfer by over 7 absolute points in accuracy on RadNLI. We validate DoT5 with
ablations and a case study demonstrating its ability to solve challenging NLI
examples requiring in-domain expertise. | cs.CL | Compositional Zero-Shot Domain Transfer with Text-to-Text Models |
2023-03-23T15:34:26Z | http://arxiv.org/pdf/2304.03086v2 | http://arxiv.org/abs/2304.03086v2 | Hanyao Huang, Ou Zheng, Dongdong Wang, Jiayi Yin, Zijin Wang, Shengxuan Ding, Heng Yin, Chuan Xu, Renjie Yang, Qian Zheng, Bing Shi | 2023-07-31T06:08:17Z | cs.CL, cs.AI | The ChatGPT, a lite and conversational variant of Generative Pretrained
Transformer 4 (GPT-4) developed by OpenAI, is one of the milestone Large
Language Models (LLMs) with billions of parameters. LLMs have stirred up much
interest among researchers and practitioners in their impressive skills in
natural language processing tasks, which profoundly impact various fields. This
paper mainly discusses the future applications of LLMs in dentistry. We
introduce two primary LLM deployment methods in dentistry, including automated
dental diagnosis and cross-modal dental diagnosis, and examine their potential
applications. Especially, equipped with a cross-modal encoder, a single LLM can
manage multi-source data and conduct advanced natural language reasoning to
perform complex clinical operations. We also present cases to demonstrate the
potential of a fully automatic Multi-Modal LLM AI system for dentistry clinical
application. While LLMs offer significant potential benefits, the challenges,
such as data privacy, data quality, and model bias, need further study.
Overall, LLMs have the potential to revolutionize dental diagnosis and
treatment, which indicates a promising avenue for clinical application and
research in dentistry. | cs.CL | ChatGPT for Shaping the Future of Dentistry: The Potential of Multi-Modal Large Language Model |
2023-03-23T15:29:21Z | http://arxiv.org/pdf/2303.13351v3 | http://arxiv.org/abs/2303.13351v3 | Debayan Banerjee, Sushil Awale, Ricardo Usbeck, Chris Biemann | 2023-03-29T13:37:52Z | cs.DL, cs.CL | In this work we create a question answering dataset over the DBLP scholarly
knowledge graph (KG). DBLP is an on-line reference for bibliographic
information on major computer science publications that indexes over 4.4
million publications published by more than 2.2 million authors. Our dataset
consists of 10,000 question answer pairs with the corresponding SPARQL queries
which can be executed over the DBLP KG to fetch the correct answer. DBLP-QuAD
is the largest scholarly question answering dataset. | cs.DL | DBLP-QuAD: A Question Answering Dataset over the DBLP Scholarly Knowledge Graph |
2023-03-23T14:44:47Z | http://arxiv.org/pdf/2303.13310v3 | http://arxiv.org/abs/2303.13310v3 | Jannis Vamvas, Johannes Graën, Rico Sennrich | 2024-01-16T16:24:36Z | cs.CL | We present SwissBERT, a masked language model created specifically for
processing Switzerland-related text. SwissBERT is a pre-trained model that we
adapted to news articles written in the national languages of Switzerland --
German, French, Italian, and Romansh. We evaluate SwissBERT on natural language
understanding tasks related to Switzerland and find that it tends to outperform
previous models on these tasks, especially when processing contemporary news
and/or Romansh Grischun. Since SwissBERT uses language adapters, it may be
extended to Swiss German dialects in future work. The model and our open-source
code are publicly released at https://github.com/ZurichNLP/swissbert. | cs.CL | SwissBERT: The Multilingual Language Model for Switzerland |
2023-03-23T14:06:26Z | http://arxiv.org/pdf/2303.13284v3 | http://arxiv.org/abs/2303.13284v3 | Debayan Banerjee, Pranav Ajit Nair, Ricardo Usbeck, Chris Biemann | 2023-03-28T09:48:50Z | cs.CL, cs.DB, cs.IR | In this work, we present an end-to-end Knowledge Graph Question Answering
(KGQA) system named GETT-QA. GETT-QA uses T5, a popular text-to-text
pre-trained language model. The model takes a question in natural language as
input and produces a simpler form of the intended SPARQL query. In the simpler
form, the model does not directly produce entity and relation IDs. Instead, it
produces corresponding entity and relation labels. The labels are grounded to
KG entity and relation IDs in a subsequent step. To further improve the
results, we instruct the model to produce a truncated version of the KG
embedding for each entity. The truncated KG embedding enables a finer search
for disambiguation purposes. We find that T5 is able to learn the truncated KG
embeddings without any change of loss function, improving KGQA performance. As
a result, we report strong results for LC-QuAD 2.0 and SimpleQuestions-Wikidata
datasets on end-to-end KGQA over Wikidata. | cs.CL | GETT-QA: Graph Embedding based T2T Transformer for Knowledge Graph Question Answering |
2023-03-23T14:04:23Z | http://arxiv.org/pdf/2303.13283v1 | http://arxiv.org/abs/2303.13283v1 | Hantao Yao, Rui Zhang, Changsheng Xu | 2023-03-23T14:04:23Z | cs.CV, cs.CL | Prompt tuning is an effective way to adapt the pre-trained visual-language
model (VLM) to the downstream task using task-related textual tokens.
Representative CoOp-based work combines the learnable textual tokens with the
class tokens to obtain specific textual knowledge. However, the specific
textual knowledge is the worse generalization to the unseen classes because it
forgets the essential general textual knowledge having a strong generalization
ability. To tackle this issue, we introduce a novel Knowledge-guided Context
Optimization (KgCoOp) to enhance the generalization ability of the learnable
prompt for unseen classes. The key insight of KgCoOp is that forgetting about
essential knowledge can be alleviated by reducing the discrepancy between the
learnable prompt and the hand-crafted prompt. Especially, KgCoOp minimizes the
discrepancy between the textual embeddings generated by learned prompts and the
hand-crafted prompts. Finally, adding the KgCoOp upon the contrastive loss can
make a discriminative prompt for both seen and unseen tasks. Extensive
evaluation of several benchmarks demonstrates that the proposed
Knowledge-guided Context Optimization is an efficient method for prompt tuning,
\emph{i.e.,} achieves better performance with less training time. | cs.CV | Visual-Language Prompt Tuning with Knowledge-guided Context Optimization |
2023-03-23T12:34:30Z | http://arxiv.org/pdf/2303.13220v1 | http://arxiv.org/abs/2303.13220v1 | Vaishali Pal, Carlos Lassance, Hervé Déjean, Stéphane Clinchant | 2023-03-23T12:34:30Z | cs.IR, cs.CL | Parameter-Efficient transfer learning with Adapters have been studied in
Natural Language Processing (NLP) as an alternative to full fine-tuning.
Adapters are memory-efficient and scale well with downstream tasks by training
small bottle-neck layers added between transformer layers while keeping the
large pretrained language model (PLMs) frozen. In spite of showing promising
results in NLP, these methods are under-explored in Information Retrieval.
While previous studies have only experimented with dense retriever or in a
cross lingual retrieval scenario, in this paper we aim to complete the picture
on the use of adapters in IR. First, we study adapters for SPLADE, a sparse
retriever, for which adapters not only retain the efficiency and effectiveness
otherwise achieved by finetuning, but are memory-efficient and orders of
magnitude lighter to train. We observe that Adapters-SPLADE not only optimizes
just 2\% of training parameters, but outperforms fully fine-tuned counterpart
and existing parameter-efficient dense IR models on IR benchmark datasets.
Secondly, we address domain adaptation of neural retrieval thanks to adapters
on cross-domain BEIR datasets and TripClick. Finally, we also consider
knowledge sharing between rerankers and first stage rankers. Overall, our study
complete the examination of adapters for neural IR | cs.IR | Parameter-Efficient Sparse Retrievers and Rerankers using Adapters |
2023-03-23T12:28:25Z | http://arxiv.org/pdf/2303.13217v3 | http://arxiv.org/abs/2303.13217v3 | Huan Ma, Changqing Zhang, Yatao Bian, Lemao Liu, Zhirui Zhang, Peilin Zhao, Shu Zhang, Huazhu Fu, Qinghua Hu, Bingzhe Wu | 2023-03-31T06:11:06Z | cs.CL, cs.AI | Large language models have demonstrated surprising ability to perform
in-context learning, i.e., these models can be directly applied to solve
numerous downstream tasks by conditioning on a prompt constructed by a few
input-output examples. However, prior research has shown that in-context
learning can suffer from high instability due to variations in training
examples, example order, and prompt formats. Therefore, the construction of an
appropriate prompt is essential for improving the performance of in-context
learning. In this paper, we revisit this problem from the view of predictive
bias. Specifically, we introduce a metric to evaluate the predictive bias of a
fixed prompt against labels or a given attributes. Then we empirically show
that prompts with higher bias always lead to unsatisfactory predictive quality.
Based on this observation, we propose a novel search strategy based on the
greedy search to identify the near-optimal prompt for improving the performance
of in-context learning. We perform comprehensive experiments with
state-of-the-art mainstream models such as GPT-3 on various downstream tasks.
Our results indicate that our method can enhance the model's in-context
learning performance in an effective and interpretable manner. | cs.CL | Fairness-guided Few-shot Prompting for Large Language Models |
2023-03-23T09:00:07Z | http://arxiv.org/pdf/2303.13112v1 | http://arxiv.org/abs/2303.13112v1 | Cheng-Shang Chang | 2023-03-23T09:00:07Z | cs.CL, cs.AI, cs.IT, math.IT, stat.ML | Various recent experimental results show that large language models (LLM)
exhibit emergent abilities that are not present in small models. System
performance is greatly improved after passing a certain critical threshold of
scale. In this letter, we provide a simple explanation for such a phase
transition phenomenon. For this, we model an LLM as a sequence-to-sequence
random function. Instead of using instant generation at each step, we use a
list decoder that keeps a list of candidate sequences at each step and defers
the generation of the output sequence at the end. We show that there is a
critical threshold such that the expected number of erroneous candidate
sequences remains bounded when an LLM is below the threshold, and it grows
exponentially when an LLM is above the threshold. Such a threshold is related
to the basic reproduction number in a contagious disease. | cs.CL | A Simple Explanation for the Phase Transition in Large Language Models with List Decoding |
2023-03-23T08:58:49Z | http://arxiv.org/pdf/2303.16751v1 | http://arxiv.org/abs/2303.16751v1 | Yuan Zhang, Chuanyi Li, Yu Sheng, Jidong Ge, Bin Luo | 2023-03-23T08:58:49Z | cs.CL, cs.AI, cs.IR | In formal procedure of civil cases, the textual materials provided by
different parties describe the development process of the cases. It is a
difficult but necessary task to extract the key information for the cases from
these textual materials and to clarify the dispute focus of related parties.
Currently, officers read the materials manually and use methods, such as
keyword searching and regular matching, to get the target information. These
approaches are time-consuming and heavily depending on prior knowledge and
carefulness of the officers. To assist the officers to enhance working
efficiency and accuracy, we propose an approach to detect disputes from divorce
cases based on a two-round-labeling event extracting technique in this paper.
We implement the Judicial Intelligent Assistant (JIA) system according to the
proposed approach to 1) automatically extract focus events from divorce case
materials, 2) align events by identifying co-reference among them, and 3)
detect conflicts among events brought by the plaintiff and the defendant. With
the JIA system, it is convenient for judges to determine the disputed issues.
Experimental results demonstrate that the proposed approach and system can
obtain the focus of cases and detect conflicts more effectively and efficiently
comparing with existing method. | cs.CL | Judicial Intelligent Assistant System: Extracting Events from Divorce Cases to Detect Disputes for the Judge |
2023-03-23T08:30:35Z | http://arxiv.org/pdf/2303.13099v3 | http://arxiv.org/abs/2303.13099v3 | Hyukhun Koh, Haesung Pyun, Nakyeong Yang, Kyomin Jung | 2023-08-13T15:06:43Z | cs.CL, cs.AI | In Task Oriented Dialogue (TOD) system, detecting and inducing new intents
are two main challenges to apply the system in the real world. In this paper,
we suggest the semantic multi-view model to resolve these two challenges: (1)
SBERT for General Embedding (GE), (2) Multi Domain Batch (MDB) for dialogue
domain knowledge, and (3) Proxy Gradient Transfer (PGT) for cluster-specialized
semantic. MDB feeds diverse dialogue datasets to the model at once to tackle
the multi-domain problem by learning the multiple domain knowledge. We
introduce a novel method PGT, which employs the Siamese network to fine-tune
the model with a clustering method directly.Our model can learn how to cluster
dialogue utterances by using PGT. Experimental results demonstrate that our
multi-view model with MDB and PGT significantly improves the Open Intent
Induction performance compared to baseline systems. | cs.CL | Multi-View Zero-Shot Open Intent Induction from Dialogues: Multi Domain Batch and Proxy Gradient Transfer |
2023-03-23T06:54:37Z | http://arxiv.org/pdf/2303.13072v2 | http://arxiv.org/abs/2303.13072v2 | Haoyu Tang, Zhaoyi Liu, Chang Zeng, Xinfeng Li | 2023-04-05T08:36:34Z | cs.SD, cs.CL, eess.AS | Transformer-based models have recently made significant achievements in the
application of end-to-end (E2E) automatic speech recognition (ASR). It is
possible to deploy the E2E ASR system on smart devices with the help of
Transformer-based models. While these models still have the disadvantage of
requiring a large number of model parameters. To overcome the drawback of
universal Transformer models for the application of ASR on edge devices, we
propose a solution that can reuse the block in Transformer models for the
occasion of the small footprint ASR system, which meets the objective of
accommodating resource limitations without compromising recognition accuracy.
Specifically, we design a novel block-reusing strategy for speech Transformer
(BRST) to enhance the effectiveness of parameters and propose an adapter module
(ADM) that can produce a compact and adaptable model with only a few additional
trainable parameters accompanying each reusing block. We conducted an
experiment with the proposed method on the public AISHELL-1 corpus, and the
results show that the proposed approach achieves the character error rate (CER)
of 9.3%/6.63% with only 7.6M/8.3M parameters without and with the ADM,
respectively. In addition, we also make a deeper analysis to show the effect of
ADM in the general block-reusing method. | cs.SD | Beyond Universal Transformer: block reusing with adaptor in Transformer for automatic speech recognition |
2023-03-23T06:33:06Z | http://arxiv.org/pdf/2303.13065v2 | http://arxiv.org/abs/2303.13065v2 | Xinnian Liang, Shuangzhi Wu, Hui Huang, Jiaqi Bai, Chao Bian, Zhoujun Li | 2023-04-11T09:13:30Z | cs.CL | Retrieval augmented methods have shown promising results in various
classification tasks. However, existing methods focus on retrieving extra
context to enrich the input, which is noise sensitive and non-expandable. In
this paper, following this line, we propose a $k$-nearest-neighbor (KNN) -based
method for retrieval augmented classifications, which interpolates the
predicted label distribution with retrieved instances' label distributions.
Different from the standard KNN process, we propose a decoupling mechanism as
we find that shared representation for classification and retrieval hurts
performance and leads to training instability. We evaluate our method on a wide
range of classification datasets. Experimental results demonstrate the
effectiveness and robustness of our proposed method. We also conduct extra
experiments to analyze the contributions of different components in our
model.\footnote{\url{https://github.com/xnliang98/knn-cls-w-decoupling}} | cs.CL | Retrieval-Augmented Classification with Decoupled Representation |
2023-03-23T04:47:46Z | http://arxiv.org/pdf/2303.13035v3 | http://arxiv.org/abs/2303.13035v3 | Yu-Neng Chuang, Ruixiang Tang, Xiaoqian Jiang, Xia Hu | 2023-08-04T07:49:26Z | cs.CL, cs.AI, cs.LG | Electronic health records (EHRs) store an extensive array of patient
information, encompassing medical histories, diagnoses, treatments, and test
outcomes. These records are crucial for enabling healthcare providers to make
well-informed decisions regarding patient care. Summarizing clinical notes
further assists healthcare professionals in pinpointing potential health risks
and making better-informed decisions. This process contributes to reducing
errors and enhancing patient outcomes by ensuring providers have access to the
most pertinent and current patient data. Recent research has shown that
incorporating prompts with large language models (LLMs) substantially boosts
the efficacy of summarization tasks. However, we show that this approach also
leads to increased output variance, resulting in notably divergent outputs even
when prompts share similar meanings. To tackle this challenge, we introduce a
model-agnostic Soft Prompt-Based Calibration (SPeC) pipeline that employs soft
prompts to diminish variance while preserving the advantages of prompt-based
summarization. Experimental findings on multiple clinical note tasks and LLMs
indicate that our method not only bolsters performance but also effectively
curbs variance for various LLMs, providing a more uniform and dependable
solution for summarizing vital medical information. | cs.CL | SPeC: A Soft Prompt-Based Calibration on Performance Variability of Large Language Model in Clinical Notes Summarization |
2023-03-23T03:30:30Z | http://arxiv.org/pdf/2303.13013v3 | http://arxiv.org/abs/2303.13013v3 | Nan Gao, Zeyu Zhao, Zhi Zeng, Shuwu Zhang, Dongdong Weng, Yihua Bao | 2024-05-28T02:53:44Z | cs.CL, cs.CV, cs.HC | Gesture synthesis has gained significant attention as a critical research
field, aiming to produce contextually appropriate and natural gestures
corresponding to speech or textual input. Although deep learning-based
approaches have achieved remarkable progress, they often overlook the rich
semantic information present in the text, leading to less expressive and
meaningful gestures. In this letter, we propose GesGPT, a novel approach to
gesture generation that leverages the semantic analysis capabilities of large
language models , such as ChatGPT. By capitalizing on the strengths of LLMs for
text analysis, we adopt a controlled approach to generate and integrate
professional gestures and base gestures through a text parsing script,
resulting in diverse and meaningful gestures. Firstly, our approach involves
the development of prompt principles that transform gesture generation into an
intention classification problem using ChatGPT. We also conduct further
analysis on emphasis words and semantic words to aid in gesture generation.
Subsequently, we construct a specialized gesture lexicon with multiple semantic
annotations, decoupling the synthesis of gestures into professional gestures
and base gestures. Finally, we merge the professional gestures with base
gestures. Experimental results demonstrate that GesGPT effectively generates
contextually appropriate and expressive gestures. | cs.CL | GesGPT: Speech Gesture Synthesis With Text Parsing from ChatGPT |
2023-03-23T02:54:00Z | http://arxiv.org/pdf/2303.13559v1 | http://arxiv.org/abs/2303.13559v1 | Xianchao Wu | 2023-03-23T02:54:00Z | cs.CL, cs.LG, cs.SD, eess.AS | We enhance the vanilla adversarial training method for unsupervised Automatic
Speech Recognition (ASR) by a diffusion-GAN. Our model (1) injects instance
noises of various intensities to the generator's output and unlabeled reference
text which are sampled from pretrained phoneme language models with a length
constraint, (2) asks diffusion timestep-dependent discriminators to separate
them, and (3) back-propagates the gradients to update the generator.
Word/phoneme error rate comparisons with wav2vec-U under Librispeech (3.1% for
test-clean and 5.6% for test-other), TIMIT and MLS datasets, show that our
enhancement strategies work effectively. | cs.CL | Enhancing Unsupervised Speech Recognition with Diffusion GANs |
2023-03-23T02:50:38Z | http://arxiv.org/pdf/2303.13001v3 | http://arxiv.org/abs/2303.13001v3 | Mingyang Song, Haiyun Jiang, Shuming Shi, Songfang Yao, Shilong Lu, Yi Feng, Huafeng Liu, Liping Jing | 2023-12-22T05:18:25Z | cs.CL | The emergence of ChatGPT has recently garnered significant attention from the
computational linguistics community. To demonstrate its capabilities as a
keyphrase generator, we conduct a preliminary evaluation of ChatGPT for the
keyphrase generation task. We evaluate its performance in various aspects,
including keyphrase generation prompts, keyphrase generation diversity, and
long document understanding. Our evaluation is based on six benchmark datasets,
and we adopt the prompt suggested by OpenAI while extending it to six candidate
prompts. We find that ChatGPT performs exceptionally well on all six candidate
prompts, with minor performance differences observed across the datasets. Based
on our findings, we conclude that ChatGPT has great potential for keyphrase
generation. Moreover, we discover that ChatGPT still faces challenges when it
comes to generating absent keyphrases. Meanwhile, in the final section, we also
present some limitations and future expansions of this report. | cs.CL | Is ChatGPT A Good Keyphrase Generator? A Preliminary Study |
2023-03-22T22:53:44Z | http://arxiv.org/pdf/2303.12810v1 | http://arxiv.org/abs/2303.12810v1 | Shrivats Agrawal | 2023-03-22T22:53:44Z | cs.CL, cs.AI | The potential of large language models (LLMs) to reason like humans has been
a highly contested topic in Machine Learning communities. However, the
reasoning abilities of humans are multifaceted and can be seen in various
forms, including analogical, spatial and moral reasoning, among others. This
fact raises the question whether LLMs can perform equally well across all these
different domains. This research work aims to investigate the performance of
LLMs on different reasoning tasks by conducting experiments that directly use
or draw inspirations from existing datasets on analogical and spatial
reasoning. Additionally, to evaluate the ability of LLMs to reason like human,
their performance is evaluted on more open-ended, natural language questions.
My findings indicate that LLMs excel at analogical and moral reasoning, yet
struggle to perform as proficiently on spatial reasoning tasks. I believe these
experiments are crucial for informing the future development of LLMs,
particularly in contexts that require diverse reasoning proficiencies. By
shedding light on the reasoning abilities of LLMs, this study aims to push
forward our understanding of how they can better emulate the cognitive
abilities of humans. | cs.CL | Are LLMs the Master of All Trades? : Exploring Domain-Agnostic Reasoning Skills of LLMs |
2023-03-22T22:31:09Z | http://arxiv.org/pdf/2303.12936v1 | http://arxiv.org/abs/2303.12936v1 | Berfu Buyukoz | 2023-03-22T22:31:09Z | cs.CL | This study evaluates the robustness of two state-of-the-art deep contextual
language representations, ELMo and DistilBERT, on supervised learning of binary
protest news classification and sentiment analysis of product reviews. A
"cross-context" setting is enabled using test sets that are distinct from the
training data. Specifically, in the news classification task, the models are
developed on local news from India and tested on the local news from China. In
the sentiment analysis task, the models are trained on movie reviews and tested
on customer reviews. This comparison is aimed at exploring the limits of the
representative power of today's Natural Language Processing systems on the path
to the systems that are generalizable to real-life scenarios. The models are
fine-tuned and fed into a Feed-Forward Neural Network and a Bidirectional Long
Short Term Memory network. Multinomial Naive Bayes and Linear Support Vector
Machine are used as traditional baselines. The results show that, in binary
text classification, DistilBERT is significantly better than ELMo on
generalizing to the cross-context setting. ELMo is observed to be significantly
more robust to the cross-context test data than both baselines. On the other
hand, the baselines performed comparably well to ELMo when the training and
test data are subsets of the same corpus (no cross-context). DistilBERT is also
found to be 30% smaller and 83% faster than ELMo. The results suggest that
DistilBERT can transfer generic semantic knowledge to other domains better than
ELMo. DistilBERT is also favorable in incorporating into real-life systems for
it requires a smaller computational training budget. When generalization is not
the utmost preference and test domain is similar to the training domain, the
traditional ML algorithms can still be considered as more economic alternatives
to deep language representations. | cs.CL | Analyzing the Generalizability of Deep Contextualized Language Representations For Text Classification |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.