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-04-16T11:22:59Z | http://arxiv.org/pdf/2304.09826v2 | http://arxiv.org/abs/2304.09826v2 | Ondrej Bohdal, Timothy Hospedales, Philip H. S. Torr, Fazl Barez | 2023-07-19T19:30:52Z | cs.CY, cs.AI, cs.CL, cs.CV, cs.LG | Successful deployment of artificial intelligence (AI) in various settings has
led to numerous positive outcomes for individuals and society. However, AI
systems have also been shown to harm parts of the population due to biased
predictions. AI fairness focuses on mitigating such biases to ensure AI
decision making is not discriminatory towards certain groups. We take a closer
look at AI fairness and analyze how lack of AI fairness can lead to deepening
of biases over time and act as a social stressor. More specifically, we discuss
how biased models can lead to more negative real-world outcomes for certain
groups, which may then become more prevalent by deploying new AI models trained
on increasingly biased data, resulting in a feedback loop. If the issues
persist, they could be reinforced by interactions with other risks and have
severe implications on society in the form of social unrest. We examine current
strategies for improving AI fairness, assess their limitations in terms of
real-world deployment, and explore potential paths forward to ensure we reap
AI's benefits without causing society's collapse. | cs.CY | Fairness in AI and Its Long-Term Implications on Society |
2023-04-16T10:05:42Z | http://arxiv.org/pdf/2304.07741v2 | http://arxiv.org/abs/2304.07741v2 | Chenggang Zhao, Genghan Zhang, Mingyu Gao | 2023-04-18T06:02:01Z | cs.LG, cs.AI, cs.CL, cs.DC, cs.PF | The demands for higher performance and accuracy in neural networks (NNs)
never end. Existing tensor compilation and Neural Architecture Search (NAS)
techniques orthogonally optimize the two goals but actually share many
similarities in their concrete strategies. We exploit such opportunities by
combining the two into one and make a case for Kernel Architecture Search
(KAS). KAS reviews NAS from a system perspective and zooms into a more
fine-grained level to generate neural kernels with both high performance and
good accuracy. To demonstrate the potential of KAS, we build an end-to-end
framework, Canvas, to find high-quality kernels as convolution replacements.
Canvas samples from a rich set of fine-grained primitives to stochastically and
iteratively construct new kernels and evaluate them according to user-specified
constraints. Canvas supports freely adjustable tensor dimension sizes inside
the kernel and uses two levels of solvers to satisfy structural legality and
fully utilize model budgets. The evaluation shows that by replacing standard
convolutions with generated new kernels in common NNs, Canvas achieves average
1.5x speedups compared to the previous state-of-the-art with acceptable
accuracy loss and search efficiency. Canvas verifies the practicability of KAS
by rediscovering many manually designed kernels in the past and producing new
structures that may inspire future machine learning innovations. For source
code and implementation, we open-sourced Canvas at
https://github.com/tsinghua-ideal/Canvas. | cs.LG | Canvas: End-to-End Kernel Architecture Search in Neural Networks |
2023-04-16T05:30:42Z | http://arxiv.org/pdf/2304.07699v3 | http://arxiv.org/abs/2304.07699v3 | Hanlei Zhang, Hua Xu, Xin Wang, Fei Long, Kai Gao | 2023-12-13T01:39:20Z | cs.CL | New intent discovery is of great value to natural language processing,
allowing for a better understanding of user needs and providing friendly
services. However, most existing methods struggle to capture the complicated
semantics of discrete text representations when limited or no prior knowledge
of labeled data is available. To tackle this problem, we propose a novel
clustering framework, USNID, for unsupervised and semi-supervised new intent
discovery, which has three key technologies. First, it fully utilizes
unsupervised or semi-supervised data to mine shallow semantic similarity
relations and provide well-initialized representations for clustering. Second,
it designs a centroid-guided clustering mechanism to address the issue of
cluster allocation inconsistency and provide high-quality self-supervised
targets for representation learning. Third, it captures high-level semantics in
unsupervised or semi-supervised data to discover fine-grained intent-wise
clusters by optimizing both cluster-level and instance-level objectives. We
also propose an effective method for estimating the cluster number in
open-world scenarios without knowing the number of new intents beforehand.
USNID performs exceptionally well on several benchmark intent datasets,
achieving new state-of-the-art results in unsupervised and semi-supervised new
intent discovery and demonstrating robust performance with different cluster
numbers. | cs.CL | A Clustering Framework for Unsupervised and Semi-supervised New Intent Discovery |
2023-04-16T04:16:06Z | http://arxiv.org/pdf/2304.09102v1 | http://arxiv.org/abs/2304.09102v1 | Joy He-Yueya, Gabriel Poesia, Rose E. Wang, Noah D. Goodman | 2023-04-16T04:16:06Z | cs.CL, cs.AI | Automatically generating high-quality step-by-step solutions to math word
problems has many applications in education. Recently, combining large language
models (LLMs) with external tools to perform complex reasoning and calculation
has emerged as a promising direction for solving math word problems, but prior
approaches such as Program-Aided Language model (PAL) are biased towards simple
procedural problems and less effective for problems that require declarative
reasoning. We propose an approach that combines an LLM that can incrementally
formalize word problems as a set of variables and equations with an external
symbolic solver that can solve the equations. Our approach achieves comparable
accuracy to the original PAL on the GSM8K benchmark of math word problems and
outperforms PAL by an absolute 20% on ALGEBRA, a new dataset of more
challenging word problems extracted from Algebra textbooks. Our work highlights
the benefits of using declarative and incremental representations when
interfacing with an external tool for solving complex math word problems. Our
data and prompts are publicly available at
https://github.com/joyheyueya/declarative-math-word-problem. | cs.CL | Solving Math Word Problems by Combining Language Models With Symbolic Solvers |
2023-04-16T03:49:50Z | http://arxiv.org/pdf/2304.07687v2 | http://arxiv.org/abs/2304.07687v2 | Sam van der Poel, Dakotah Lambert, Kalina Kostyszyn, Tiantian Gao, Rahul Verma, Derek Andersen, Joanne Chau, Emily Peterson, Cody St. Clair, Paul Fodor, Chihiro Shibata, Jeffrey Heinz | 2023-11-09T01:29:24Z | cs.LG, cs.CL, cs.FL | Evaluating machine learning (ML) systems on their ability to learn known
classifiers allows fine-grained examination of the patterns they can learn,
which builds confidence when they are applied to the learning of unknown
classifiers. This article presents a new benchmark for ML systems on sequence
classification called MLRegTest, which contains training, development, and test
sets from 1,800 regular languages. Different kinds of formal languages
represent different kinds of long-distance dependencies, and correctly
identifying long-distance dependencies in sequences is a known challenge for ML
systems to generalize successfully. MLRegTest organizes its languages according
to their logical complexity (monadic second order, first order, propositional,
or monomial expressions) and the kind of logical literals (string, tier-string,
subsequence, or combinations thereof). The logical complexity and choice of
literal provides a systematic way to understand different kinds of
long-distance dependencies in regular languages, and therefore to understand
the capacities of different ML systems to learn such long-distance
dependencies. Finally, the performance of different neural networks (simple
RNN, LSTM, GRU, transformer) on MLRegTest is examined. The main conclusion is
that their performance depends significantly on the kind of test set, the class
of language, and the neural network architecture. | cs.LG | MLRegTest: A Benchmark for the Machine Learning of Regular Languages |
2023-04-16T01:50:26Z | http://arxiv.org/pdf/2304.07666v2 | http://arxiv.org/abs/2304.07666v2 | Yikang Liu, Ziyin Zhang, Wanyang Zhang, Shisen Yue, Xiaojing Zhao, Xinyuan Cheng, Yiwen Zhang, Hai Hu | 2023-09-23T14:05:58Z | cs.CL | AI generated content (AIGC) presents considerable challenge to educators
around the world. Instructors need to be able to detect such text generated by
large language models, either with the naked eye or with the help of some
tools. There is also growing need to understand the lexical, syntactic and
stylistic features of AIGC. To address these challenges in English language
teaching, we first present ArguGPT, a balanced corpus of 4,038 argumentative
essays generated by 7 GPT models in response to essay prompts from three
sources: (1) in-class or homework exercises, (2) TOEFL and (3) GRE writing
tasks. Machine-generated texts are paired with roughly equal number of
human-written essays with three score levels matched in essay prompts. We then
hire English instructors to distinguish machine essays from human ones. Results
show that when first exposed to machine-generated essays, the instructors only
have an accuracy of 61% in detecting them. But the number rises to 67% after
one round of minimal self-training. Next, we perform linguistic analyses of
these essays, which show that machines produce sentences with more complex
syntactic structures while human essays tend to be lexically more complex.
Finally, we test existing AIGC detectors and build our own detectors using SVMs
and RoBERTa. Results suggest that a RoBERTa fine-tuned with the training set of
ArguGPT achieves above 90% accuracy in both essay- and sentence-level
classification. To the best of our knowledge, this is the first comprehensive
analysis of argumentative essays produced by generative large language models.
Machine-authored essays in ArguGPT and our models will be made publicly
available at https://github.com/huhailinguist/ArguGPT | cs.CL | ArguGPT: evaluating, understanding and identifying argumentative essays generated by GPT models |
2023-04-15T21:40:14Z | http://arxiv.org/pdf/2304.07637v1 | http://arxiv.org/abs/2304.07637v1 | Abhishek Bamotra, Phani Krishna Uppala | 2023-04-15T21:40:14Z | cs.CV, cs.CL, cs.LG | While OCR has been used in various applications, its output is not always
accurate, leading to misfit words. This research work focuses on improving the
optical character recognition (OCR) with ML techniques with integration of OCR
with long short-term memory (LSTM) based sequence to sequence deep learning
models to perform document translation. This work is based on ANKI dataset for
English to Spanish translation. In this work, I have shown comparative study
for pre-trained OCR while using deep learning model using LSTM-based seq2seq
architecture with attention for machine translation. End-to-end performance of
the model has been expressed in BLEU-4 score. This research paper is aimed at
researchers and practitioners interested in OCR and its applications in
document translation. | cs.CV | TransDocs: Optical Character Recognition with word to word translation |
2023-04-15T21:11:55Z | http://arxiv.org/pdf/2304.07633v2 | http://arxiv.org/abs/2304.07633v2 | Yizhou Zhang, Loc Trinh, Defu Cao, Zijun Cui, Yan Liu | 2024-04-05T23:39:52Z | cs.CL, cs.LG | Recent years have witnessed the sustained evolution of misinformation that
aims at manipulating public opinions. Unlike traditional rumors or fake news
editors who mainly rely on generated and/or counterfeited images, text and
videos, current misinformation creators now more tend to use out-of-context
multimedia contents (e.g. mismatched images and captions) to deceive the public
and fake news detection systems. This new type of misinformation increases the
difficulty of not only detection but also clarification, because every
individual modality is close enough to true information. To address this
challenge, in this paper we explore how to achieve interpretable cross-modal
de-contextualization detection that simultaneously identifies the mismatched
pairs and the cross-modal contradictions, which is helpful for fact-check
websites to document clarifications. The proposed model first symbolically
disassembles the text-modality information to a set of fact queries based on
the Abstract Meaning Representation of the caption and then forwards the
query-image pairs into a pre-trained large vision-language model select the
``evidences" that are helpful for us to detect misinformation. Extensive
experiments indicate that the proposed methodology can provide us with much
more interpretable predictions while maintaining the accuracy same as the
state-of-the-art model on this task. | cs.CL | Interpretable Detection of Out-of-Context Misinformation with Neural-Symbolic-Enhanced Large Multimodal Model |
2023-04-15T20:50:29Z | http://arxiv.org/pdf/2305.01759v1 | http://arxiv.org/abs/2305.01759v1 | Hubert Nourtel, Pierre Champion, Denis Jouvet, Anthony Larcher, Marie Tahon | 2023-04-15T20:50:29Z | eess.AS, cs.AI, cs.CL | Speech data carries a range of personal information, such as the speaker's
identity and emotional state. These attributes can be used for malicious
purposes. With the development of virtual assistants, a new generation of
privacy threats has emerged. Current studies have addressed the topic of
preserving speech privacy. One of them, the VoicePrivacy initiative aims to
promote the development of privacy preservation tools for speech technology.
The task selected for the VoicePrivacy 2020 Challenge (VPC) is about speaker
anonymization. The goal is to hide the source speaker's identity while
preserving the linguistic information. The baseline of the VPC makes use of a
voice conversion. This paper studies the impact of the speaker anonymization
baseline system of the VPC on emotional information present in speech
utterances. Evaluation is performed following the VPC rules regarding the
attackers' knowledge about the anonymization system. Our results show that the
VPC baseline system does not suppress speakers' emotions against informed
attackers. When comparing anonymized speech to original speech, the emotion
recognition performance is degraded by 15\% relative to IEMOCAP data, similar
to the degradation observed for automatic speech recognition used to evaluate
the preservation of the linguistic information. | eess.AS | Evaluation of Speaker Anonymization on Emotional Speech |
2023-04-15T20:08:48Z | http://arxiv.org/pdf/2307.02518v1 | http://arxiv.org/abs/2307.02518v1 | Walid Hariri | 2023-04-15T20:08:48Z | cs.CL, cs.CY | The article aims to analyze the performance of ChatGPT, a large language
model developed by OpenAI, in the context of cardiology and vascular
pathologies. The study evaluated the accuracy of ChatGPT in answering
challenging multiple-choice questions (QCM) using a dataset of 190 questions
from the Siamois-QCM platform. The goal was to assess ChatGPT potential as a
valuable tool in medical education compared to two well-ranked students of
medicine. The results showed that ChatGPT outperformed the students, scoring
175 out of 190 correct answers with a percentage of 92.10\%, while the two
students achieved scores of 163 and 159 with percentages of 85.78\% and
82.63\%, respectively. These results showcase how ChatGPT has the potential to
be highly effective in the fields of cardiology and vascular pathologies by
providing accurate answers to relevant questions. | cs.CL | Analyzing the Performance of ChatGPT in Cardiology and Vascular Pathologies |
2023-04-15T20:07:37Z | http://arxiv.org/pdf/2304.07625v1 | http://arxiv.org/abs/2304.07625v1 | Klim Zaporojets | 2023-04-15T20:07:37Z | cs.CL | Artificial Intelligence (AI) has huge impact on our daily lives with
applications such as voice assistants, facial recognition, chatbots,
autonomously driving cars, etc. Natural Language Processing (NLP) is a
cross-discipline of AI and Linguistics, dedicated to study the understanding of
the text. This is a very challenging area due to unstructured nature of the
language, with many ambiguous and corner cases. In this thesis we address a
very specific area of NLP that involves the understanding of entities (e.g.,
names of people, organizations, locations) in text. First, we introduce a
radically different, entity-centric view of the information in text. We argue
that instead of using individual mentions in text to understand their meaning,
we should build applications that would work in terms of entity concepts. Next,
we present a more detailed model on how the entity-centric approach can be used
for the entity linking task. In our work, we show that this task can be
improved by considering performing entity linking at the coreference cluster
level rather than each of the mentions individually. In our next work, we
further study how information from Knowledge Base entities can be integrated
into text. Finally, we analyze the evolution of the entities from the evolving
temporal perspective. | cs.CL | Neural Approaches to Entity-Centric Information Extraction |
2023-04-15T19:22:37Z | http://arxiv.org/pdf/2304.07619v4 | http://arxiv.org/abs/2304.07619v4 | Alejandro Lopez-Lira, Yuehua Tang | 2023-09-09T15:20:54Z | q-fin.ST, cs.CL | We examine the potential of ChatGPT and other large language models in
predicting stock market returns using news headlines. We use ChatGPT to assess
whether each headline is good, bad, or neutral for firms' stock prices. We
document a significantly positive correlation between ChatGPT scores and
subsequent daily stock returns. We find that ChatGPT outperforms traditional
sentiment analysis methods. More basic models such as GPT-1, GPT-2, and BERT
cannot accurately forecast returns, indicating return predictability is an
emerging capacity of complex language models. Long-short strategies based on
ChatGPT-4 deliver the highest Sharpe ratio. Furthermore, we find predictability
in both small and large stocks, suggesting market underreaction to company
news. Predictability is stronger among smaller stocks and stocks with bad news,
consistent with limits-to-arbitrage also playing an important role. Finally, we
propose a new method to evaluate and understand the models' reasoning
capabilities. Overall, our results suggest that incorporating advanced language
models into the investment decision-making process can yield more accurate
predictions and enhance the performance of quantitative trading strategies. | q-fin.ST | Can ChatGPT Forecast Stock Price Movements? Return Predictability and Large Language Models |
2023-04-15T18:34:29Z | http://arxiv.org/pdf/2304.07611v1 | http://arxiv.org/abs/2304.07611v1 | Ruchao Fan, Wei Chu, Peng Chang, Abeer Alwan | 2023-04-15T18:34:29Z | cs.CL, eess.AS | Recently, end-to-end models have been widely used in automatic speech
recognition (ASR) systems. Two of the most representative approaches are
connectionist temporal classification (CTC) and attention-based encoder-decoder
(AED) models. Autoregressive transformers, variants of AED, adopt an
autoregressive mechanism for token generation and thus are relatively slow
during inference. In this paper, we present a comprehensive study of a CTC
Alignment-based Single-Step Non-Autoregressive Transformer (CASS-NAT) for
end-to-end ASR. In CASS-NAT, word embeddings in the autoregressive transformer
(AT) are substituted with token-level acoustic embeddings (TAE) that are
extracted from encoder outputs with the acoustical boundary information offered
by the CTC alignment. TAE can be obtained in parallel, resulting in a parallel
generation of output tokens. During training, Viterbi-alignment is used for TAE
generation, and multiple training strategies are further explored to improve
the word error rate (WER) performance. During inference, an error-based
alignment sampling method is investigated in depth to reduce the alignment
mismatch in the training and testing processes. Experimental results show that
the CASS-NAT has a WER that is close to AT on various ASR tasks, while
providing a ~24x inference speedup. With and without self-supervised learning,
we achieve new state-of-the-art results for non-autoregressive models on
several datasets. We also analyze the behavior of the CASS-NAT decoder to
explain why it can perform similarly to AT. We find that TAEs have similar
functionality to word embeddings for grammatical structures, which might
indicate the possibility of learning some semantic information from TAEs
without a language model. | cs.CL | A CTC Alignment-based Non-autoregressive Transformer for End-to-end Automatic Speech Recognition |
2023-04-15T08:01:59Z | http://arxiv.org/pdf/2304.07499v1 | http://arxiv.org/abs/2304.07499v1 | Jionghao Lin, Wei Tan, Ngoc Dang Nguyen, David Lang, Lan Du, Wray Buntine, Richard Beare, Guanliang Chen, Dragan Gasevic | 2023-04-15T08:01:59Z | cs.CL, cs.AI, cs.HC, cs.LG | Dialogue acts (DAs) can represent conversational actions of tutors or
students that take place during tutoring dialogues. Automating the
identification of DAs in tutoring dialogues is significant to the design of
dialogue-based intelligent tutoring systems. Many prior studies employ machine
learning models to classify DAs in tutoring dialogues and invest much effort to
optimize the classification accuracy by using limited amounts of training data
(i.e., low-resource data scenario). However, beyond the classification
accuracy, the robustness of the classifier is also important, which can reflect
the capability of the classifier on learning the patterns from different class
distributions. We note that many prior studies on classifying educational DAs
employ cross entropy (CE) loss to optimize DA classifiers on low-resource data
with imbalanced DA distribution. The DA classifiers in these studies tend to
prioritize accuracy on the majority class at the expense of the minority class
which might not be robust to the data with imbalanced ratios of different DA
classes. To optimize the robustness of classifiers on imbalanced class
distributions, we propose to optimize the performance of the DA classifier by
maximizing the area under the ROC curve (AUC) score (i.e., AUC maximization).
Through extensive experiments, our study provides evidence that (i) by
maximizing AUC in the training process, the DA classifier achieves significant
performance improvement compared to the CE approach under low-resource data,
and (ii) AUC maximization approaches can improve the robustness of the DA
classifier under different class imbalance ratios. | cs.CL | Robust Educational Dialogue Act Classifiers with Low-Resource and Imbalanced Datasets |
2023-04-15T00:19:44Z | http://arxiv.org/pdf/2304.07438v4 | http://arxiv.org/abs/2304.07438v4 | Honghua Zhang, Meihua Dang, Nanyun Peng, Guy Van den Broeck | 2023-11-15T23:16:46Z | cs.CL, cs.AI | Despite the success of autoregressive large language models in text
generation, it remains a major challenge to generate text that satisfies
complex constraints: sampling from the conditional distribution
${\Pr}(\text{text} | \alpha)$ is intractable for even the simplest lexical
constraints $\alpha$. To overcome this challenge, we propose to use tractable
probabilistic models (TPMs) to impose lexical constraints in autoregressive
text generation models, which we refer to as GeLaTo (Generating Language with
Tractable Constraints). To demonstrate the effectiveness of this framework, we
use distilled hidden Markov models, where we can efficiently compute
${\Pr}(\text{text} | \alpha)$, to guide autoregressive generation from GPT2.
GeLaTo achieves state-of-the-art performance on challenging benchmarks for
constrained text generation (e.g., CommonGen), beating various strong baselines
by a large margin. Our work not only opens up new avenues for controlling large
language models but also motivates the development of more expressive TPMs. | cs.CL | Tractable Control for Autoregressive Language Generation |
2023-04-15T00:19:03Z | http://arxiv.org/pdf/2304.07437v1 | http://arxiv.org/abs/2304.07437v1 | Sibo Wei, Wenpeng Lu, Xueping Peng, Shoujin Wang, Yi-Fei Wang, Weiyu Zhang | 2023-04-15T00:19:03Z | cs.CL, cs.AI | By summarizing longer consumer health questions into shorter and essential
ones, medical question answering (MQA) systems can more accurately understand
consumer intentions and retrieve suitable answers. However, medical question
summarization is very challenging due to obvious distinctions in health trouble
descriptions from patients and doctors. Although existing works have attempted
to utilize Seq2Seq, reinforcement learning, or contrastive learning to solve
the problem, two challenges remain: how to correctly capture question focus to
model its semantic intention, and how to obtain reliable datasets to fairly
evaluate performance. To address these challenges, this paper proposes a novel
medical question summarization framework using entity-driven contrastive
learning (ECL). ECL employs medical entities in frequently asked questions
(FAQs) as focuses and devises an effective mechanism to generate hard negative
samples. This approach forces models to pay attention to the crucial focus
information and generate more ideal question summarization. Additionally, we
find that some MQA datasets suffer from serious data leakage problems, such as
the iCliniq dataset's 33% duplicate rate. To evaluate the related methods
fairly, this paper carefully checks leaked samples to reorganize more
reasonable datasets. Extensive experiments demonstrate that our ECL method
outperforms state-of-the-art methods by accurately capturing question focus and
generating medical question summaries. The code and datasets are available at
https://github.com/yrbobo/MQS-ECL. | cs.CL | Medical Question Summarization with Entity-driven Contrastive Learning |
2023-04-14T21:19:46Z | http://arxiv.org/pdf/2304.07396v2 | http://arxiv.org/abs/2304.07396v2 | Danny M. den Hamer, Perry Schoor, Tobias B. Polak, Daniel Kapitan | 2023-06-29T12:59:16Z | cs.LG, cs.AI, cs.CL, I.2.1; I.2.7 | Physicians considering clinical trials for their patients are met with the
laborious process of checking many text based eligibility criteria. Large
Language Models (LLMs) have shown to perform well for clinical information
extraction and clinical reasoning, including medical tests, but not yet in
real-world scenarios. This paper investigates the use of InstructGPT to assist
physicians in determining eligibility for clinical trials based on a patient's
summarised medical profile. Using a prompting strategy combining one-shot,
selection-inference and chain-of-thought techniques, we investigate the
performance of LLMs on 10 synthetically created patient profiles. Performance
is evaluated at four levels: ability to identify screenable eligibility
criteria from a trial given a medical profile; ability to classify for each
individual criterion whether the patient qualifies; the overall classification
whether a patient is eligible for a clinical trial and the percentage of
criteria to be screened by physician. We evaluated against 146 clinical trials
and a total of 4,135 eligibility criteria. The LLM was able to correctly
identify the screenability of 72% (2,994/4,135) of the criteria. Additionally,
72% (341/471) of the screenable criteria were evaluated correctly. The
resulting trial level classification as eligible or ineligible resulted in a
recall of 0.5. By leveraging LLMs with a physician-in-the-loop, a recall of 1.0
and precision of 0.71 on clinical trial level can be achieved while reducing
the amount of criteria to be checked by an estimated 90%. LLMs can be used to
assist physicians with pre-screening of patients for clinical trials. By
forcing instruction-tuned LLMs to produce chain-of-thought responses, the
reasoning can be made transparent to and the decision process becomes amenable
by physicians, thereby making such a system feasible for use in real-world
scenarios. | cs.LG | Improving Patient Pre-screening for Clinical Trials: Assisting Physicians with Large Language Models |
2023-04-14T20:27:09Z | http://arxiv.org/pdf/2304.07382v1 | http://arxiv.org/abs/2304.07382v1 | Souvika Sarkar, Dongji Feng, Shubhra Kanti Karmaker Santu | 2023-04-14T20:27:09Z | cs.CL, cs.IR | Sentence encoders have indeed been shown to achieve superior performances for
many downstream text-mining tasks and, thus, claimed to be fairly general.
Inspired by this, we performed a detailed study on how to leverage these
sentence encoders for the "zero-shot topic inference" task, where the topics
are defined/provided by the users in real-time. Extensive experiments on seven
different datasets demonstrate that Sentence-BERT demonstrates superior
generality compared to other encoders, while Universal Sentence Encoder can be
preferred when efficiency is a top priority. | cs.CL | Zero-Shot Multi-Label Topic Inference with Sentence Encoders |
2023-04-14T18:06:13Z | http://arxiv.org/pdf/2304.07333v1 | http://arxiv.org/abs/2304.07333v1 | Jérôme Rutinowski, Sven Franke, Jan Endendyk, Ina Dormuth, Markus Pauly | 2023-04-14T18:06:13Z | cs.CY, cs.AI, cs.CL, cs.HC | This contribution analyzes the self-perception and political biases of
OpenAI's Large Language Model ChatGPT. Taking into account the first
small-scale reports and studies that have emerged, claiming that ChatGPT is
politically biased towards progressive and libertarian points of view, this
contribution aims to provide further clarity on this subject. For this purpose,
ChatGPT was asked to answer the questions posed by the political compass test
as well as similar questionnaires that are specific to the respective politics
of the G7 member states. These eight tests were repeated ten times each and
revealed that ChatGPT seems to hold a bias towards progressive views. The
political compass test revealed a bias towards progressive and libertarian
views, with the average coordinates on the political compass being (-6.48,
-5.99) (with (0, 0) the center of the compass, i.e., centrism and the axes
ranging from -10 to 10), supporting the claims of prior research. The political
questionnaires for the G7 member states indicated a bias towards progressive
views but no significant bias between authoritarian and libertarian views,
contradicting the findings of prior reports, with the average coordinates being
(-3.27, 0.58). In addition, ChatGPT's Big Five personality traits were tested
using the OCEAN test and its personality type was queried using the
Myers-Briggs Type Indicator (MBTI) test. Finally, the maliciousness of ChatGPT
was evaluated using the Dark Factor test. These three tests were also repeated
ten times each, revealing that ChatGPT perceives itself as highly open and
agreeable, has the Myers-Briggs personality type ENFJ, and is among the 15% of
test-takers with the least pronounced dark traits. | cs.CY | The Self-Perception and Political Biases of ChatGPT |
2023-04-14T18:01:29Z | http://arxiv.org/pdf/2304.07327v2 | http://arxiv.org/abs/2304.07327v2 | Andreas Köpf, Yannic Kilcher, Dimitri von Rütte, Sotiris Anagnostidis, Zhi-Rui Tam, Keith Stevens, Abdullah Barhoum, Nguyen Minh Duc, Oliver Stanley, Richárd Nagyfi, Shahul ES, Sameer Suri, David Glushkov, Arnav Dantuluri, Andrew Maguire, Christoph Schuhmann, Huu Nguyen, Alexander Mattick | 2023-10-31T11:38:07Z | cs.CL, cs.AI, I.2 | Aligning large language models (LLMs) with human preferences has proven to
drastically improve usability and has driven rapid adoption as demonstrated by
ChatGPT. Alignment techniques such as supervised fine-tuning (SFT) and
reinforcement learning from human feedback (RLHF) greatly reduce the required
skill and domain knowledge to effectively harness the capabilities of LLMs,
increasing their accessibility and utility across various domains. However,
state-of-the-art alignment techniques like RLHF rely on high-quality human
feedback data, which is expensive to create and often remains proprietary. In
an effort to democratize research on large-scale alignment, we release
OpenAssistant Conversations, a human-generated, human-annotated assistant-style
conversation corpus consisting of 161,443 messages in 35 different languages,
annotated with 461,292 quality ratings, resulting in over 10,000 complete and
fully annotated conversation trees. The corpus is a product of a worldwide
crowd-sourcing effort involving over 13,500 volunteers. Models trained on
OpenAssistant Conversations show consistent improvements on standard benchmarks
over respective base models. We release our code and data under a fully
permissive licence. | cs.CL | OpenAssistant Conversations -- Democratizing Large Language Model Alignment |
2023-04-14T17:11:26Z | http://arxiv.org/pdf/2304.07258v2 | http://arxiv.org/abs/2304.07258v2 | Benjamin Towle, Ke Zhou | 2023-04-26T10:35:13Z | cs.CL, cs.AI, cs.LG | Language models pre-trained on large self-supervised corpora, followed by
task-specific fine-tuning has become the dominant paradigm in NLP. These
pre-training datasets often have a one-to-many structure--e.g. in dialogue
there are many valid responses for a given context. However, only some of these
responses will be desirable in our downstream task. This raises the question of
how we should train the model such that it can emulate the desirable
behaviours, but not the undesirable ones. Current approaches train in a
one-to-one setup--only a single target response is given for a single dialogue
context--leading to models only learning to predict the average response, while
ignoring the full range of possible responses. Using text-based games as a
testbed, our approach, PASA, uses discrete latent variables to capture the
range of different behaviours represented in our larger pre-training dataset.
We then use knowledge distillation to distil the posterior probability
distribution into a student model. This probability distribution is far richer
than learning from only the hard targets of the dataset, and thus allows the
student model to benefit from the richer range of actions the teacher model has
learned. Results show up to 49% empirical improvement over the previous
state-of-the-art model on the Jericho Walkthroughs dataset. | cs.CL | Learn What Is Possible, Then Choose What Is Best: Disentangling One-To-Many Relations in Language Through Text-based Games |
2023-04-14T16:45:38Z | http://arxiv.org/pdf/2304.07242v1 | http://arxiv.org/abs/2304.07242v1 | Cheng Deng, Jiaxin Ding, Luoyi Fu, Weinan Zhang, Xinbing Wang, Chenghu Zhou | 2023-04-14T16:45:38Z | cs.IR, cs.CL, H.3.3; I.2.7 | The pandemic of COVID-19 has inspired extensive works across different
research fields. Existing literature and knowledge platforms on COVID-19 only
focus on collecting papers on biology and medicine, neglecting the
interdisciplinary efforts, which hurdles knowledge sharing and research
collaborations between fields to address the problem. Studying
interdisciplinary researches requires effective paper category classification
and efficient cross-domain knowledge extraction and integration. In this work,
we propose Covidia, COVID-19 interdisciplinary academic knowledge graph to
bridge the gap between knowledge of COVID-19 on different domains. We design
frameworks based on contrastive learning for disciplinary classification, and
propose a new academic knowledge graph scheme for entity extraction, relation
classification and ontology management in accordance with interdisciplinary
researches. Based on Covidia, we also establish knowledge discovery benchmarks
for finding COVID-19 research communities and predicting potential links. | cs.IR | Covidia: COVID-19 Interdisciplinary Academic Knowledge Graph |
2023-04-14T16:32:56Z | http://arxiv.org/pdf/2304.07235v4 | http://arxiv.org/abs/2304.07235v4 | Riccardo Rende, Federica Gerace, Alessandro Laio, Sebastian Goldt | 2024-04-04T13:24:36Z | cond-mat.dis-nn, cond-mat.stat-mech, cs.CL, stat.ML | Transformers are neural networks that revolutionized natural language
processing and machine learning. They process sequences of inputs, like words,
using a mechanism called self-attention, which is trained via masked language
modeling (MLM). In MLM, a word is randomly masked in an input sequence, and the
network is trained to predict the missing word. Despite the practical success
of transformers, it remains unclear what type of data distribution
self-attention can learn efficiently. Here, we show analytically that if one
decouples the treatment of word positions and embeddings, a single layer of
self-attention learns the conditionals of a generalized Potts model with
interactions between sites and Potts colors. Moreover, we show that training
this neural network is exactly equivalent to solving the inverse Potts problem
by the so-called pseudo-likelihood method, well known in statistical physics.
Using this mapping, we compute the generalization error of self-attention in a
model scenario analytically using the replica method. | cond-mat.dis-nn | Mapping of attention mechanisms to a generalized Potts model |
2023-04-14T16:25:03Z | http://arxiv.org/pdf/2304.09103v1 | http://arxiv.org/abs/2304.09103v1 | Aram Bahrini, Mohammadsadra Khamoshifar, Hossein Abbasimehr, Robert J. Riggs, Maryam Esmaeili, Rastin Mastali Majdabadkohne, Morteza Pasehvar | 2023-04-14T16:25:03Z | cs.CY, cs.CL | Developed by OpenAI, ChatGPT (Conditional Generative Pre-trained Transformer)
is an artificial intelligence technology that is fine-tuned using supervised
machine learning and reinforcement learning techniques, allowing a computer to
generate natural language conversation fully autonomously. ChatGPT is built on
the transformer architecture and trained on millions of conversations from
various sources. The system combines the power of pre-trained deep learning
models with a programmability layer to provide a strong base for generating
natural language conversations. In this study, after reviewing the existing
literature, we examine the applications, opportunities, and threats of ChatGPT
in 10 main domains, providing detailed examples for the business and industry
as well as education. We also conducted an experimental study, checking the
effectiveness and comparing the performances of GPT-3.5 and GPT-4, and found
that the latter performs significantly better. Despite its exceptional ability
to generate natural-sounding responses, the authors believe that ChatGPT does
not possess the same level of understanding, empathy, and creativity as a human
and cannot fully replace them in most situations. | cs.CY | ChatGPT: Applications, Opportunities, and Threats |
2023-04-14T14:55:19Z | http://arxiv.org/pdf/2304.07183v1 | http://arxiv.org/abs/2304.07183v1 | Kiran Busch, Alexander Rochlitzer, Diana Sola, Henrik Leopold | 2023-04-14T14:55:19Z | cs.AI, cs.CL, cs.LG | GPT-3 and several other language models (LMs) can effectively address various
natural language processing (NLP) tasks, including machine translation and text
summarization. Recently, they have also been successfully employed in the
business process management (BPM) domain, e.g., for predictive process
monitoring and process extraction from text. This, however, typically requires
fine-tuning the employed LM, which, among others, necessitates large amounts of
suitable training data. A possible solution to this problem is the use of
prompt engineering, which leverages pre-trained LMs without fine-tuning them.
Recognizing this, we argue that prompt engineering can help bring the
capabilities of LMs to BPM research. We use this position paper to develop a
research agenda for the use of prompt engineering for BPM research by
identifying the associated potentials and challenges. | cs.AI | Just Tell Me: Prompt Engineering in Business Process Management |
2023-04-14T14:05:32Z | http://arxiv.org/pdf/2304.08244v2 | http://arxiv.org/abs/2304.08244v2 | Minghao Li, Yingxiu Zhao, Bowen Yu, Feifan Song, Hangyu Li, Haiyang Yu, Zhoujun Li, Fei Huang, Yongbin Li | 2023-10-25T06:54:12Z | cs.CL, cs.AI | Recent research has demonstrated that Large Language Models (LLMs) can
enhance their capabilities by utilizing external tools. However, three pivotal
questions remain unanswered: (1) How effective are current LLMs in utilizing
tools? (2) How can we enhance LLMs' ability to utilize tools? (3) What
obstacles need to be overcome to leverage tools? To address these questions, we
introduce API-Bank, a groundbreaking benchmark, specifically designed for
tool-augmented LLMs. For the first question, we develop a runnable evaluation
system consisting of 73 API tools. We annotate 314 tool-use dialogues with 753
API calls to assess the existing LLMs' capabilities in planning, retrieving,
and calling APIs. For the second question, we construct a comprehensive
training set containing 1,888 tool-use dialogues from 2,138 APIs spanning 1,000
distinct domains. Using this dataset, we train Lynx, a tool-augmented LLM
initialized from Alpaca. Experimental results demonstrate that GPT-3.5 exhibits
improved tool utilization compared to GPT-3, while GPT-4 excels in planning.
However, there is still significant potential for further improvement.
Moreover, Lynx surpasses Alpaca's tool utilization performance by more than 26
pts and approaches the effectiveness of GPT-3.5. Through error analysis, we
highlight the key challenges for future research in this field to answer the
third question. | cs.CL | API-Bank: A Comprehensive Benchmark for Tool-Augmented LLMs |
2023-04-14T13:49:28Z | http://arxiv.org/pdf/2304.07130v1 | http://arxiv.org/abs/2304.07130v1 | Sławomir Dadas | 2023-04-14T13:49:28Z | cs.CL | This paper describes our submission to the SemEval 2023 multilingual tweet
intimacy analysis shared task. The goal of the task was to assess the level of
intimacy of Twitter posts in ten languages. The proposed approach consists of
several steps. First, we perform in-domain pre-training to create a language
model adapted to Twitter data. In the next step, we train an ensemble of
regression models to expand the training set with pseudo-labeled examples. The
extended dataset is used to train the final solution. Our method was ranked
first in five out of ten language subtasks, obtaining the highest average score
across all languages. | cs.CL | OPI at SemEval 2023 Task 9: A Simple But Effective Approach to Multilingual Tweet Intimacy Analysis |
2023-04-14T13:45:59Z | http://arxiv.org/pdf/2304.07127v1 | http://arxiv.org/abs/2304.07127v1 | Sławomir Dadas | 2023-04-14T13:45:59Z | cs.CL | The goal of visual word sense disambiguation is to find the image that best
matches the provided description of the word's meaning. It is a challenging
problem, requiring approaches that combine language and image understanding. In
this paper, we present our submission to SemEval 2023 visual word sense
disambiguation shared task. The proposed system integrates multimodal
embeddings, learning to rank methods, and knowledge-based approaches. We build
a classifier based on the CLIP model, whose results are enriched with
additional information retrieved from Wikipedia and lexical databases. Our
solution was ranked third in the multilingual task and won in the Persian
track, one of the three language subtasks. | cs.CL | OPI at SemEval 2023 Task 1: Image-Text Embeddings and Multimodal Information Retrieval for Visual Word Sense Disambiguation |
2023-04-14T13:42:32Z | http://arxiv.org/pdf/2304.07125v1 | http://arxiv.org/abs/2304.07125v1 | Munazza Zaib, Quan Z. Sheng, Wei Emma Zhang, Adnan Mahmood | 2023-04-14T13:42:32Z | cs.CL, cs.IR | Having an intelligent dialogue agent that can engage in conversational
question answering (ConvQA) is now no longer limited to Sci-Fi movies only and
has, in fact, turned into a reality. These intelligent agents are required to
understand and correctly interpret the sequential turns provided as the context
of the given question. However, these sequential questions are sometimes left
implicit and thus require the resolution of some natural language phenomena
such as anaphora and ellipsis. The task of question rewriting has the potential
to address the challenges of resolving dependencies amongst the contextual
turns by transforming them into intent-explicit questions. Nonetheless, the
solution of rewriting the implicit questions comes with some potential
challenges such as resulting in verbose questions and taking conversational
aspect out of the scenario by generating self-contained questions. In this
paper, we propose a novel framework, CONVSR (CONVQA using Structured
Representations) for capturing and generating intermediate representations as
conversational cues to enhance the capability of the QA model to better
interpret the incomplete questions. We also deliberate how the strengths of
this task could be leveraged in a bid to design more engaging and eloquent
conversational agents. We test our model on the QuAC and CANARD datasets and
illustrate by experimental results that our proposed framework achieves a
better F1 score than the standard question rewriting model. | cs.CL | Keeping the Questions Conversational: Using Structured Representations to Resolve Dependency in Conversational Question Answering |
2023-04-14T12:46:29Z | http://arxiv.org/pdf/2304.07101v1 | http://arxiv.org/abs/2304.07101v1 | David Thulke, Nico Daheim, Christian Dugast, Hermann Ney | 2023-04-14T12:46:29Z | cs.CL, cs.AI, cs.LG | This paper summarizes our contributions to the document-grounded dialog tasks
at the 9th and 10th Dialog System Technology Challenges (DSTC9 and DSTC10). In
both iterations the task consists of three subtasks: first detect whether the
current turn is knowledge seeking, second select a relevant knowledge document,
and third generate a response grounded on the selected document. For DSTC9 we
proposed different approaches to make the selection task more efficient. The
best method, Hierarchical Selection, actually improves the results compared to
the original baseline and gives a speedup of 24x. In the DSTC10 iteration of
the task, the challenge was to adapt systems trained on written dialogs to
perform well on noisy automatic speech recognition transcripts. Therefore, we
proposed data augmentation techniques to increase the robustness of the models
as well as methods to adapt the style of generated responses to fit well into
the proceeding dialog. Additionally, we proposed a noisy channel model that
allows for increasing the factuality of the generated responses. In addition to
summarizing our previous contributions, in this work, we also report on a few
small improvements and reconsider the automatic evaluation metrics for the
generation task which have shown a low correlation to human judgments. | cs.CL | Task-oriented Document-Grounded Dialog Systems by HLTPR@RWTH for DSTC9 and DSTC10 |
2023-04-14T11:39:07Z | http://arxiv.org/pdf/2304.07065v1 | http://arxiv.org/abs/2304.07065v1 | Junyang Wu, Tianyi Li, Lu Chen, Yunjun Gao, Ziheng Wei | 2023-04-14T11:39:07Z | cs.CL, cs.AI, cs.IR | Entity alignment (EA) aims to find equivalent entities in different knowledge
graphs (KGs). State-of-the-art EA approaches generally use Graph Neural
Networks (GNNs) to encode entities. However, most of them train the models and
evaluate the results in a fullbatch fashion, which prohibits EA from being
scalable on largescale datasets. To enhance the usability of GNN-based EA
models in real-world applications, we present SEA, a scalable entity alignment
system that enables to (i) train large-scale GNNs for EA, (ii) speed up the
normalization and the evaluation process, and (iii) report clear results for
users to estimate different models and parameter settings. SEA can be run on a
computer with merely one graphic card. Moreover, SEA encompasses six
state-of-the-art EA models and provides access for users to quickly establish
and evaluate their own models. Thus, SEA allows users to perform EA without
being involved in tedious implementations, such as negative sampling and
GPU-accelerated evaluation. With SEA, users can gain a clear view of the model
performance. In the demonstration, we show that SEA is user-friendly and is of
high scalability even on computers with limited computational resources. | cs.CL | SEA: A Scalable Entity Alignment System |
2023-04-14T11:28:08Z | http://arxiv.org/pdf/2304.08247v2 | http://arxiv.org/abs/2304.08247v2 | Tianyu Han, Lisa C. Adams, Jens-Michalis Papaioannou, Paul Grundmann, Tom Oberhauser, Alexander Löser, Daniel Truhn, Keno K. Bressem | 2023-10-04T23:28:00Z | cs.CL, cs.AI | As large language models (LLMs) like OpenAI's GPT series continue to make
strides, we witness the emergence of artificial intelligence applications in an
ever-expanding range of fields. In medicine, these LLMs hold considerable
promise for improving medical workflows, diagnostics, patient care, and
education. Yet, there is an urgent need for open-source models that can be
deployed on-premises to safeguard patient privacy. In our work, we present an
innovative dataset consisting of over 160,000 entries, specifically crafted to
fine-tune LLMs for effective medical applications. We investigate the impact of
fine-tuning these datasets on publicly accessible pre-trained LLMs, and
subsequently, we juxtapose the performance of pre-trained-only models against
the fine-tuned models concerning the examinations that future medical doctors
must pass to achieve certification. | cs.CL | MedAlpaca -- An Open-Source Collection of Medical Conversational AI Models and Training Data |
2023-04-14T09:31:17Z | http://arxiv.org/pdf/2304.07022v2 | http://arxiv.org/abs/2304.07022v2 | Du Xinkai, Han Quanjie, Sun Yalin, Lv Chao, Sun Maosong | 2024-03-14T02:56:32Z | cs.CL | Multi-label text classification involves extracting all relevant labels from
a sentence. Given the unordered nature of these labels, we propose approaching
the problem as a set prediction task. To address the correlation between
labels, we leverage Graph Convolutional Networks and construct an adjacency
matrix based on the statistical relations between labels. Additionally, we
enhance recall ability by applying the Bhattacharyya distance to the output
distributions of the set prediction networks. We evaluate the effectiveness of
our approach on two multi-label datasets and demonstrate its superiority over
previous baselines through experimental results. | cs.CL | Label Dependencies-aware Set Prediction Networks for Multi-label Text Classification |
2023-04-14T09:11:36Z | http://arxiv.org/pdf/2304.07007v1 | http://arxiv.org/abs/2304.07007v1 | David Schlangen | 2023-04-14T09:11:36Z | cs.CL | How does one measure "ability to understand language"? If it is a person's
ability that is being measured, this is a question that almost never poses
itself in an unqualified manner: Whatever formal test is applied, it takes
place on the background of the person's language use in daily social practice,
and what is measured is a specialised variety of language understanding (e.g.,
of a second language; or of written, technical language). Computer programs do
not have this background. What does that mean for the applicability of formal
tests of language understanding? I argue that such tests need to be
complemented with tests of language use embedded in a practice, to arrive at a
more comprehensive evaluation of "artificial language understanding". To do
such tests systematically, I propose to use "Dialogue Games" -- constructed
activities that provide a situational embedding for language use. I describe a
taxonomy of Dialogue Game types, linked to a model of underlying capabilites
that are tested, and thereby giving an argument for the \emph{construct
validity} of the test. I close with showing how the internal structure of the
taxonomy suggests an ordering from more specialised to more general situational
language understanding, which potentially can provide some strategic guidance
for development in this field. | cs.CL | Dialogue Games for Benchmarking Language Understanding: Motivation, Taxonomy, Strategy |
2023-04-14T08:52:31Z | http://arxiv.org/pdf/2304.07002v1 | http://arxiv.org/abs/2304.07002v1 | Ciprian-Octavian Truică, Andrei-Ionut Stan, Elena-Simona Apostol | 2023-04-14T08:52:31Z | cs.CL, cs.AI | Text simplification (TS) is the process of generating easy-to-understand
sentences from a given sentence or piece of text. The aim of TS is to reduce
both the lexical (which refers to vocabulary complexity and meaning) and
syntactic (which refers to the sentence structure) complexity of a given text
or sentence without the loss of meaning or nuance. In this paper, we present
\textsc{SimpLex}, a novel simplification architecture for generating simplified
English sentences. To generate a simplified sentence, the proposed architecture
uses either word embeddings (i.e., Word2Vec) and perplexity, or sentence
transformers (i.e., BERT, RoBERTa, and GPT2) and cosine similarity. The
solution is incorporated into a user-friendly and simple-to-use software. We
evaluate our system using two metrics, i.e., SARI, and Perplexity Decrease.
Experimentally, we observe that the transformer models outperform the other
models in terms of the SARI score. However, in terms of Perplexity, the
Word-Embeddings-based models achieve the biggest decrease. Thus, the main
contributions of this paper are: (1) We propose a new Word Embedding and
Transformer based algorithm for text simplification; (2) We design
\textsc{SimpLex} -- a modular novel text simplification system -- that can
provide a baseline for further research; and (3) We perform an in-depth
analysis of our solution and compare our results with two state-of-the-art
models, i.e., LightLS [19] and NTS-w2v [44]. We also make the code publicly
available online. | cs.CL | SimpLex: a lexical text simplification architecture |
2023-04-14T07:54:17Z | http://arxiv.org/pdf/2304.06975v1 | http://arxiv.org/abs/2304.06975v1 | Haochun Wang, Chi Liu, Nuwa Xi, Zewen Qiang, Sendong Zhao, Bing Qin, Ting Liu | 2023-04-14T07:54:17Z | cs.CL | Large Language Models (LLMs), such as the LLaMA model, have demonstrated
their effectiveness in various general-domain natural language processing (NLP)
tasks. Nevertheless, LLMs have not yet performed optimally in biomedical domain
tasks due to the need for medical expertise in the responses. In response to
this challenge, we propose HuaTuo, a LLaMA-based model that has been
supervised-fine-tuned with generated QA (Question-Answer) instances. The
experimental results demonstrate that HuaTuo generates responses that possess
more reliable medical knowledge. Our proposed HuaTuo model is accessible at
https://github.com/SCIR-HI/Huatuo-Llama-Med-Chinese. | cs.CL | HuaTuo: Tuning LLaMA Model with Chinese Medical Knowledge |
2023-04-14T07:07:42Z | http://arxiv.org/pdf/2304.06962v1 | http://arxiv.org/abs/2304.06962v1 | Chenkai Ma | 2023-04-14T07:07:42Z | cs.CL, cs.AI | Prompt engineering and calibration make large language models excel at
reasoning tasks, including multiple choice commonsense reasoning. From a
practical perspective, we investigate and evaluate these strategies on smaller
language models. Through experiments on five commonsense reasoning benchmarks,
we find that each strategy favors certain models, but their joint effects are
mostly negative. | cs.CL | Prompt Engineering and Calibration for Zero-Shot Commonsense Reasoning |
2023-04-14T07:01:57Z | http://arxiv.org/pdf/2304.08242v3 | http://arxiv.org/abs/2304.08242v3 | Rémi Boutin, Pierre Latouche, Charles Bouveyron | 2024-02-13T14:14:14Z | cs.LG, cs.CL, cs.SI, stat.ME | Numerical interactions leading to users sharing textual content published by
others are naturally represented by a network where the individuals are
associated with the nodes and the exchanged texts with the edges. To understand
those heterogeneous and complex data structures, clustering nodes into
homogeneous groups as well as rendering a comprehensible visualisation of the
data is mandatory. To address both issues, we introduce Deep-LPTM, a
model-based clustering strategy relying on a variational graph auto-encoder
approach as well as a probabilistic model to characterise the topics of
discussion. Deep-LPTM allows to build a joint representation of the nodes and
of the edges in two embeddings spaces. The parameters are inferred using a
variational inference algorithm. We also introduce IC2L, a model selection
criterion specifically designed to choose models with relevant clustering and
visualisation properties. An extensive benchmark study on synthetic data is
provided. In particular, we find that Deep-LPTM better recovers the partitions
of the nodes than the state-of-the art ETSBM and STBM. Eventually, the emails
of the Enron company are analysed and visualisations of the results are
presented, with meaningful highlights of the graph structure. | cs.LG | The Deep Latent Position Topic Model for Clustering and Representation of Networks with Textual Edges |
2023-04-14T06:17:46Z | http://arxiv.org/pdf/2304.06939v3 | http://arxiv.org/abs/2304.06939v3 | Wanrong Zhu, Jack Hessel, Anas Awadalla, Samir Yitzhak Gadre, Jesse Dodge, Alex Fang, Youngjae Yu, Ludwig Schmidt, William Yang Wang, Yejin Choi | 2023-10-28T04:19:41Z | cs.CV, cs.CL | In-context vision and language models like Flamingo support arbitrarily
interleaved sequences of images and text as input. This format not only enables
few-shot learning via interleaving independent supervised (image, text)
examples, but also, more complex prompts involving interaction between images,
e.g., "What do image A and image B have in common?" To support this interface,
pretraining occurs over web corpora that similarly contain interleaved
images+text. To date, however, large-scale data of this form have not been
publicly available.
We release Multimodal C4, an augmentation of the popular text-only C4 corpus
with images interleaved. We use a linear assignment algorithm to place images
into longer bodies of text using CLIP features, a process that we show
outperforms alternatives. Multimodal C4 spans everyday topics like cooking,
travel, technology, etc. A manual inspection of a random sample of documents
shows that a vast majority (88%) of images are topically relevant, and that
linear assignment frequently selects individual sentences specifically
well-aligned with each image (80%). After filtering NSFW images, ads, etc., the
resulting corpus consists of 101.2M documents with 571M images interleaved in
43B English tokens. | cs.CV | Multimodal C4: An Open, Billion-scale Corpus of Images Interleaved with Text |
2023-04-14T03:25:00Z | http://arxiv.org/pdf/2304.06910v2 | http://arxiv.org/abs/2304.06910v2 | Soumya Dutta, Sriram Ganapathy | 2024-01-09T11:45:34Z | eess.AS, cs.CL, cs.SD | Emotion recognition in conversations is challenging due to the multi-modal
nature of the emotion expression. We propose a hierarchical cross-attention
model (HCAM) approach to multi-modal emotion recognition using a combination of
recurrent and co-attention neural network models. The input to the model
consists of two modalities, i) audio data, processed through a learnable
wav2vec approach and, ii) text data represented using a bidirectional encoder
representations from transformers (BERT) model. The audio and text
representations are processed using a set of bi-directional recurrent neural
network layers with self-attention that converts each utterance in a given
conversation to a fixed dimensional embedding. In order to incorporate
contextual knowledge and the information across the two modalities, the audio
and text embeddings are combined using a co-attention layer that attempts to
weigh the utterance level embeddings relevant to the task of emotion
recognition. The neural network parameters in the audio layers, text layers as
well as the multi-modal co-attention layers, are hierarchically trained for the
emotion classification task. We perform experiments on three established
datasets namely, IEMOCAP, MELD and CMU-MOSI, where we illustrate that the
proposed model improves significantly over other benchmarks and helps achieve
state-of-art results on all these datasets. | eess.AS | HCAM -- Hierarchical Cross Attention Model for Multi-modal Emotion Recognition |
2023-04-14T00:45:01Z | http://arxiv.org/pdf/2304.06875v4 | http://arxiv.org/abs/2304.06875v4 | Yiqun Yao, Siqi fan, Xiusheng Huang, Xuezhi Fang, Xiang Li, Ziyi Ni, Xin Jiang, Xuying Meng, Peng Han, Shuo Shang, Kang Liu, Aixin Sun, Yequan Wang | 2024-04-06T05:50:39Z | cs.CL, cs.LG | As language models scale up, it becomes increasingly expensive to verify
research ideas because conclusions on small models do not trivially transfer to
large ones. A possible solution is to establish a generic system that
accurately predicts certain metrics for large models without training them.
Existing scaling laws require hyperparameter search on the largest models,
limiting their predicative capability. In this paper, we present an approach
(namely {\mu}Scaling) to predict the pre-training loss, based on our
observations that Maximal Update Parametrization ({\mu}P) enables accurate
fitting of scaling laws close to common loss basins in hyperparameter space.
With {\mu}Scaling, different model designs can be compared on large scales by
training only their smaller counterparts. Further, we introduce nanoLM: an
affordable LLM pre-training benchmark that facilitates this new research
paradigm. With around 14% of the one-time pre-training cost, we can accurately
forecast the loss for models up to 52B. Our goal with nanoLM is to empower
researchers with limited resources to reach meaningful conclusions on large
models. We also aspire for our benchmark to serve as a bridge between the
academic community and the industry. Code for {\mu}Scaling is available at
https://github.com/cofe-ai/Mu-scaling. Code for nanoLLM will be available
later. | cs.CL | nanoLM: an Affordable LLM Pre-training Benchmark via Accurate Loss Prediction across Scales |
2023-04-14T00:01:05Z | http://arxiv.org/pdf/2304.08243v1 | http://arxiv.org/abs/2304.08243v1 | Swapnil Sharma, Nikita Anand, Kranthi Kiran G. V | 2023-04-14T00:01:05Z | cs.CL, cs.LG | Large language models pre-trained for code generation can generate
high-quality short code but often struggle with generating coherent long code
and understanding higher-level or system-level specifications. This issue is
also observed in language modeling for long text generation, and one proposed
solution is the use of a latent stochastic process. This approach involves
generating a document plan and then producing text that is consistent with it.
In this study, we investigate whether this technique can be applied to code
generation to improve coherence. We base our proposed encoder and decoder on
the pre-trained GPT-2 based CodeParrot model and utilize the APPS dataset for
training. We evaluate our results using the HumanEval benchmark and observe
that the modified Time Control model performs similarly to CodeParrot on this
evaluation. | cs.CL | Stochastic Code Generation |
2023-04-13T23:29:58Z | http://arxiv.org/pdf/2304.06861v1 | http://arxiv.org/abs/2304.06861v1 | Swapnil Sharma, Nikita Anand, Kranthi Kiran G. V., Alind Jain | 2023-04-13T23:29:58Z | cs.CL, cs.CY, cs.LG | Large pre-trained language models are widely used in the community. These
models are usually trained on unmoderated and unfiltered data from open sources
like the Internet. Due to this, biases that we see in platforms online which
are a reflection of those in society are in turn captured and learned by these
models. These models are deployed in applications that affect millions of
people and their inherent biases are harmful to the targeted social groups. In
this work, we study the general trend in bias reduction as newer pre-trained
models are released. Three recent models ( ELECTRA, DeBERTa, and DistilBERT)
are chosen and evaluated against two bias benchmarks, StereoSet and
CrowS-Pairs. They are compared to the baseline of BERT using the associated
metrics. We explore whether as advancements are made and newer, faster, lighter
models are released: are they being developed responsibly such that their
inherent social biases have been reduced compared to their older counterparts?
The results are compiled and we find that all the models under study do exhibit
biases but have generally improved as compared to BERT. | cs.CL | Evaluation of Social Biases in Recent Large Pre-Trained Models |
2023-04-13T23:04:30Z | http://arxiv.org/pdf/2304.06858v3 | http://arxiv.org/abs/2304.06858v3 | Mohammad Reza Zarei, Michael Christensen, Sarah Everts, Majid Komeili | 2023-06-11T22:11:10Z | cs.SI, cs.CL, cs.LG | Vaccine hesitancy continues to be a main challenge for public health
officials during the COVID-19 pandemic. As this hesitancy undermines vaccine
campaigns, many researchers have sought to identify its root causes, finding
that the increasing volume of anti-vaccine misinformation on social media
platforms is a key element of this problem. We explored Twitter as a source of
misleading content with the goal of extracting overlapping cultural and
political beliefs that motivate the spread of vaccine misinformation. To do
this, we have collected a data set of vaccine-related Tweets and annotated them
with the help of a team of annotators with a background in communications and
journalism. Ultimately we hope this can lead to effective and targeted public
health communication strategies for reaching individuals with anti-vaccine
beliefs. Moreover, this information helps with developing Machine Learning
models to automatically detect vaccine misinformation posts and combat their
negative impacts. In this paper, we present Vax-Culture, a novel Twitter
COVID-19 dataset consisting of 6373 vaccine-related tweets accompanied by an
extensive set of human-provided annotations including vaccine-hesitancy stance,
indication of any misinformation in tweets, the entities criticized and
supported in each tweet and the communicated message of each tweet. Moreover,
we define five baseline tasks including four classification and one sequence
generation tasks, and report the results of a set of recent transformer-based
models for them. The dataset and code are publicly available at
https://github.com/mrzarei5/Vax-Culture. | cs.SI | Vax-Culture: A Dataset for Studying Vaccine Discourse on Twitter |
2023-04-13T22:26:10Z | http://arxiv.org/pdf/2304.06845v2 | http://arxiv.org/abs/2304.06845v2 | Shamsuddeen Hassan Muhammad, Idris Abdulmumin, Seid Muhie Yimam, David Ifeoluwa Adelani, Ibrahim Sa'id Ahmad, Nedjma Ousidhoum, Abinew Ayele, Saif M. Mohammad, Meriem Beloucif, Sebastian Ruder | 2023-05-01T10:18:04Z | cs.CL | We present the first Africentric SemEval Shared task, Sentiment Analysis for
African Languages (AfriSenti-SemEval) - The dataset is available at
https://github.com/afrisenti-semeval/afrisent-semeval-2023. AfriSenti-SemEval
is a sentiment classification challenge in 14 African languages: Amharic,
Algerian Arabic, Hausa, Igbo, Kinyarwanda, Moroccan Arabic, Mozambican
Portuguese, Nigerian Pidgin, Oromo, Swahili, Tigrinya, Twi, Xitsonga, and
Yor\`ub\'a (Muhammad et al., 2023), using data labeled with 3 sentiment
classes. We present three subtasks: (1) Task A: monolingual classification,
which received 44 submissions; (2) Task B: multilingual classification, which
received 32 submissions; and (3) Task C: zero-shot classification, which
received 34 submissions. The best performance for tasks A and B was achieved by
NLNDE team with 71.31 and 75.06 weighted F1, respectively. UCAS-IIE-NLP
achieved the best average score for task C with 58.15 weighted F1. We describe
the various approaches adopted by the top 10 systems and their approaches. | cs.CL | SemEval-2023 Task 12: Sentiment Analysis for African Languages (AfriSenti-SemEval) |
2023-04-13T19:50:17Z | http://arxiv.org/pdf/2304.06798v1 | http://arxiv.org/abs/2304.06798v1 | Gengchen Mai, Weiming Huang, Jin Sun, Suhang Song, Deepak Mishra, Ninghao Liu, Song Gao, Tianming Liu, Gao Cong, Yingjie Hu, Chris Cundy, Ziyuan Li, Rui Zhu, Ni Lao | 2023-04-13T19:50:17Z | cs.AI, cs.CL, cs.CV, I.2.0; I.2.4; I.2.7; I.2.10; I.5.1 | Large pre-trained models, also known as foundation models (FMs), are trained
in a task-agnostic manner on large-scale data and can be adapted to a wide
range of downstream tasks by fine-tuning, few-shot, or even zero-shot learning.
Despite their successes in language and vision tasks, we have yet seen an
attempt to develop foundation models for geospatial artificial intelligence
(GeoAI). In this work, we explore the promises and challenges of developing
multimodal foundation models for GeoAI. We first investigate the potential of
many existing FMs by testing their performances on seven tasks across multiple
geospatial subdomains including Geospatial Semantics, Health Geography, Urban
Geography, and Remote Sensing. Our results indicate that on several geospatial
tasks that only involve text modality such as toponym recognition, location
description recognition, and US state-level/county-level dementia time series
forecasting, these task-agnostic LLMs can outperform task-specific
fully-supervised models in a zero-shot or few-shot learning setting. However,
on other geospatial tasks, especially tasks that involve multiple data
modalities (e.g., POI-based urban function classification, street view
image-based urban noise intensity classification, and remote sensing image
scene classification), existing foundation models still underperform
task-specific models. Based on these observations, we propose that one of the
major challenges of developing a FM for GeoAI is to address the multimodality
nature of geospatial tasks. After discussing the distinct challenges of each
geospatial data modality, we suggest the possibility of a multimodal foundation
model which can reason over various types of geospatial data through geospatial
alignments. We conclude this paper by discussing the unique risks and
challenges to develop such a model for GeoAI. | cs.AI | On the Opportunities and Challenges of Foundation Models for Geospatial Artificial Intelligence |
2023-04-13T19:46:54Z | http://arxiv.org/pdf/2304.11130v1 | http://arxiv.org/abs/2304.11130v1 | Ashraf Haddad, Najwa Aaraj, Preslav Nakov, Septimiu Fabian Mare | 2023-04-13T19:46:54Z | cs.CR, cs.AI, cs.CL, cs.LG, 68T50, F.2.2; I.2.7 | In recent years, a proliferation of cyber-security threats and diversity has
been on the rise culminating in an increase in their reporting and analysis. To
counter that, many non-profit organizations have emerged in this domain, such
as MITRE and OSWAP, which have been actively tracking vulnerabilities, and
publishing defense recommendations in standardized formats. As producing data
in such formats manually is very time-consuming, there have been some proposals
to automate the process. Unfortunately, a major obstacle to adopting supervised
machine learning for this problem has been the lack of publicly available
specialized datasets. Here, we aim to bridge this gap. In particular, we focus
on mapping CVE records into MITRE CWE Weaknesses, and we release to the
research community a manually annotated dataset of 4,012 records for this task.
With a human-in-the-loop framework in mind, we approach the problem as a
ranking task and aim to incorporate reinforced learning to make use of the
human feedback in future work. Our experimental results using fine-tuned deep
learning models, namely Sentence-BERT and rankT5, show sizable performance
gains over BM25, BERT, and RoBERTa, which demonstrates the need for an
architecture capable of good semantic understanding for this task. | cs.CR | Automated Mapping of CVE Vulnerability Records to MITRE CWE Weaknesses |
2023-04-13T19:38:27Z | http://arxiv.org/pdf/2304.06795v2 | http://arxiv.org/abs/2304.06795v2 | Hainan Xu, Fei Jia, Somshubra Majumdar, He Huang, Shinji Watanabe, Boris Ginsburg | 2023-05-29T21:08:11Z | eess.AS, cs.CL, cs.LG, cs.SD | This paper introduces a novel Token-and-Duration Transducer (TDT)
architecture for sequence-to-sequence tasks. TDT extends conventional
RNN-Transducer architectures by jointly predicting both a token and its
duration, i.e. the number of input frames covered by the emitted token. This is
achieved by using a joint network with two outputs which are independently
normalized to generate distributions over tokens and durations. During
inference, TDT models can skip input frames guided by the predicted duration
output, which makes them significantly faster than conventional Transducers
which process the encoder output frame by frame. TDT models achieve both better
accuracy and significantly faster inference than conventional Transducers on
different sequence transduction tasks. TDT models for Speech Recognition
achieve better accuracy and up to 2.82X faster inference than conventional
Transducers. TDT models for Speech Translation achieve an absolute gain of over
1 BLEU on the MUST-C test compared with conventional Transducers, and its
inference is 2.27X faster. In Speech Intent Classification and Slot Filling
tasks, TDT models improve the intent accuracy by up to over 1% (absolute) over
conventional Transducers, while running up to 1.28X faster. Our implementation
of the TDT model will be open-sourced with the NeMo
(https://github.com/NVIDIA/NeMo) toolkit. | eess.AS | Efficient Sequence Transduction by Jointly Predicting Tokens and Durations |
2023-04-13T18:22:40Z | http://arxiv.org/pdf/2304.06767v4 | http://arxiv.org/abs/2304.06767v4 | Hanze Dong, Wei Xiong, Deepanshu Goyal, Yihan Zhang, Winnie Chow, Rui Pan, Shizhe Diao, Jipeng Zhang, Kashun Shum, Tong Zhang | 2023-12-01T14:28:06Z | cs.LG, cs.AI, cs.CL, cs.CV, stat.ML | Generative foundation models are susceptible to implicit biases that can
arise from extensive unsupervised training data. Such biases can produce
suboptimal samples, skewed outcomes, and unfairness, with potentially serious
consequences. Consequently, aligning these models with human ethics and
preferences is an essential step toward ensuring their responsible and
effective deployment in real-world applications. Prior research has primarily
employed Reinforcement Learning from Human Feedback (RLHF) to address this
problem, where generative models are fine-tuned with RL algorithms guided by a
human-feedback-informed reward model. However, the inefficiencies and
instabilities associated with RL algorithms frequently present substantial
obstacles to the successful alignment, necessitating the development of a more
robust and streamlined approach. To this end, we introduce a new framework,
Reward rAnked FineTuning (RAFT), designed to align generative models
effectively. Utilizing a reward model and a sufficient number of samples, our
approach selects the high-quality samples, discarding those that exhibit
undesired behavior, and subsequently enhancing the model by fine-tuning on
these filtered samples. Our studies show that RAFT can effectively improve the
model performance in both reward learning and other automated metrics in both
large language models and diffusion models. | cs.LG | RAFT: Reward rAnked FineTuning for Generative Foundation Model Alignment |
2023-04-13T18:04:19Z | http://arxiv.org/pdf/2304.06762v3 | http://arxiv.org/abs/2304.06762v3 | Boxin Wang, Wei Ping, Peng Xu, Lawrence McAfee, Zihan Liu, Mohammad Shoeybi, Yi Dong, Oleksii Kuchaiev, Bo Li, Chaowei Xiao, Anima Anandkumar, Bryan Catanzaro | 2023-12-21T00:18:48Z | cs.CL, cs.AI, cs.IR, cs.LG | Large decoder-only language models (LMs) can be largely improved in terms of
perplexity by retrieval (e.g., RETRO), but its impact on text generation
quality and downstream task accuracy is unclear. Thus, it is still an open
question: shall we pretrain large autoregressive LMs with retrieval? To answer
it, we perform a comprehensive study on a scalable pre-trained
retrieval-augmented LM (i.e., RETRO) compared with standard GPT and
retrieval-augmented GPT incorporated at fine-tuning or inference stages. We
first provide the recipe to reproduce RETRO up to 9.5B parameters while
retrieving a text corpus with 330B tokens. Based on that, we have the following
novel findings: i) RETRO outperforms GPT on text generation with much less
degeneration (i.e., repetition), moderately higher factual accuracy, and
slightly lower toxicity with a nontoxic retrieval database. ii) On the LM
Evaluation Harness benchmark, RETRO largely outperforms GPT on
knowledge-intensive tasks, but is on par with GPT on other tasks. Furthermore,
we introduce a simple variant of the model, RETRO++, which largely improves
open-domain QA results of original RETRO (e.g., EM score +8.6 on Natural
Question) and significantly outperforms retrieval-augmented GPT in both
fine-tuning and zero-shot evaluation settings. Our findings highlight the
promising direction of pretraining autoregressive LMs with retrieval as future
foundation models. We release our code and model at:
https://github.com/NVIDIA/Megatron-LM/blob/main/tools/retro/README.md | cs.CL | Shall We Pretrain Autoregressive Language Models with Retrieval? A Comprehensive Study |
2023-04-13T17:57:01Z | http://arxiv.org/pdf/2304.06708v1 | http://arxiv.org/abs/2304.06708v1 | Liliane Momeni, Mathilde Caron, Arsha Nagrani, Andrew Zisserman, Cordelia Schmid | 2023-04-13T17:57:01Z | cs.CV, cs.AI, cs.CL | Understanding verbs is crucial to modelling how people and objects interact
with each other and the environment through space and time. Recently,
state-of-the-art video-language models based on CLIP have been shown to have
limited verb understanding and to rely extensively on nouns, restricting their
performance in real-world video applications that require action and temporal
understanding. In this work, we improve verb understanding for CLIP-based
video-language models by proposing a new Verb-Focused Contrastive (VFC)
framework. This consists of two main components: (1) leveraging pretrained
large language models (LLMs) to create hard negatives for cross-modal
contrastive learning, together with a calibration strategy to balance the
occurrence of concepts in positive and negative pairs; and (2) enforcing a
fine-grained, verb phrase alignment loss. Our method achieves state-of-the-art
results for zero-shot performance on three downstream tasks that focus on verb
understanding: video-text matching, video question-answering and video
classification. To the best of our knowledge, this is the first work which
proposes a method to alleviate the verb understanding problem, and does not
simply highlight it. | cs.CV | Verbs in Action: Improving verb understanding in video-language models |
2023-04-13T16:58:33Z | http://arxiv.org/pdf/2304.06671v2 | http://arxiv.org/abs/2304.06671v2 | Jaemin Cho, Linjie Li, Zhengyuan Yang, Zhe Gan, Lijuan Wang, Mohit Bansal | 2023-04-14T15:37:40Z | cs.CV, cs.AI, cs.CL, cs.LG | Spatial control is a core capability in controllable image generation.
Advancements in layout-guided image generation have shown promising results on
in-distribution (ID) datasets with similar spatial configurations. However, it
is unclear how these models perform when facing out-of-distribution (OOD)
samples with arbitrary, unseen layouts. In this paper, we propose LayoutBench,
a diagnostic benchmark for layout-guided image generation that examines four
categories of spatial control skills: number, position, size, and shape. We
benchmark two recent representative layout-guided image generation methods and
observe that the good ID layout control may not generalize well to arbitrary
layouts in the wild (e.g., objects at the boundary). Next, we propose
IterInpaint, a new baseline that generates foreground and background regions in
a step-by-step manner via inpainting, demonstrating stronger generalizability
than existing models on OOD layouts in LayoutBench. We perform quantitative and
qualitative evaluation and fine-grained analysis on the four LayoutBench skills
to pinpoint the weaknesses of existing models. Lastly, we show comprehensive
ablation studies on IterInpaint, including training task ratio, crop&paste vs.
repaint, and generation order. Project website: https://layoutbench.github.io | cs.CV | Diagnostic Benchmark and Iterative Inpainting for Layout-Guided Image Generation |
2023-04-13T16:28:07Z | http://arxiv.org/pdf/2304.06653v3 | http://arxiv.org/abs/2304.06653v3 | Leihang Zhang, Jiapeng Liu, Qiang Yan | 2023-06-06T11:56:27Z | cs.CL, cs.LG | It has been reported that clustering-based topic models, which cluster
high-quality sentence embeddings with an appropriate word selection method, can
generate better topics than generative probabilistic topic models. However,
these approaches suffer from the inability to select appropriate parameters and
incomplete models that overlook the quantitative relation between words with
topics and topics with text. To solve these issues, we propose graph to topic
(G2T), a simple but effective framework for topic modelling. The framework is
composed of four modules. First, document representation is acquired using
pretrained language models. Second, a semantic graph is constructed according
to the similarity between document representations. Third, communities in
document semantic graphs are identified, and the relationship between topics
and documents is quantified accordingly. Fourth, the word--topic distribution
is computed based on a variant of TFIDF. Automatic evaluation suggests that G2T
achieved state-of-the-art performance on both English and Chinese documents
with different lengths. | cs.CL | Graph2topic: an opensource topic modeling framework based on sentence embedding and community detection |
2023-04-13T16:05:25Z | http://arxiv.org/pdf/2304.06638v1 | http://arxiv.org/abs/2304.06638v1 | Sabina Elkins, Ekaterina Kochmar, Jackie C. K. Cheung, Iulian Serban | 2023-04-13T16:05:25Z | cs.CL, cs.AI, cs.CY, cs.LG | Controllable text generation (CTG) by large language models has a huge
potential to transform education for teachers and students alike. Specifically,
high quality and diverse question generation can dramatically reduce the load
on teachers and improve the quality of their educational content. Recent work
in this domain has made progress with generation, but fails to show that real
teachers judge the generated questions as sufficiently useful for the classroom
setting; or if instead the questions have errors and/or pedagogically unhelpful
content. We conduct a human evaluation with teachers to assess the quality and
usefulness of outputs from combining CTG and question taxonomies (Bloom's and a
difficulty taxonomy). The results demonstrate that the questions generated are
high quality and sufficiently useful, showing their promise for widespread use
in the classroom setting. | cs.CL | How Useful are Educational Questions Generated by Large Language Models? |
2023-04-13T16:02:19Z | http://arxiv.org/pdf/2304.06634v2 | http://arxiv.org/abs/2304.06634v2 | Rui Ribeiro, Joao P. Carvalho, Luísa Coheur | 2023-08-26T05:55:48Z | cs.CL, cs.AI, cs.LG, cs.SI | Recent approaches have attempted to personalize dialogue systems by
leveraging profile information into models. However, this knowledge is scarce
and difficult to obtain, which makes the extraction/generation of profile
information from dialogues a fundamental asset. To surpass this limitation, we
introduce the Profile Generation Task (PGTask). We contribute with a new
dataset for this problem, comprising profile sentences aligned with related
utterances, extracted from a corpus of dialogues. Furthermore, using
state-of-the-art methods, we provide a benchmark for profile generation on this
novel dataset. Our experiments disclose the challenges of profile generation,
and we hope that this introduces a new research direction. | cs.CL | PGTask: Introducing the Task of Profile Generation from Dialogues |
2023-04-13T16:01:28Z | http://arxiv.org/pdf/2305.03123v3 | http://arxiv.org/abs/2305.03123v3 | Sunder Ali Khowaja, Parus Khuwaja, Kapal Dev, Weizheng Wang, Lewis Nkenyereye | 2024-03-27T16:03:32Z | cs.CY, cs.AI, cs.CL, cs.LG | ChatGPT is another large language model (LLM) vastly available for the
consumers on their devices but due to its performance and ability to converse
effectively, it has gained a huge popularity amongst research as well as
industrial community. Recently, many studies have been published to show the
effectiveness, efficiency, integration, and sentiments of chatGPT and other
LLMs. In contrast, this study focuses on the important aspects that are mostly
overlooked, i.e. sustainability, privacy, digital divide, and ethics and
suggests that not only chatGPT but every subsequent entry in the category of
conversational bots should undergo Sustainability, PrivAcy, Digital divide, and
Ethics (SPADE) evaluation. This paper discusses in detail the issues and
concerns raised over chatGPT in line with aforementioned characteristics. We
also discuss the recent EU AI Act briefly in accordance with the SPADE
evaluation. We support our hypothesis by some preliminary data collection and
visualizations along with hypothesized facts. We also suggest mitigations and
recommendations for each of the concerns. Furthermore, we also suggest some
policies and recommendations for EU AI policy act concerning ethics, digital
divide, and sustainability. | cs.CY | ChatGPT Needs SPADE (Sustainability, PrivAcy, Digital divide, and Ethics) Evaluation: A Review |
2023-04-13T15:48:01Z | http://arxiv.org/pdf/2304.06623v3 | http://arxiv.org/abs/2304.06623v3 | Abdelrahman Abdallah, Bhawna Piryani, Adam Jatowt | 2023-09-15T10:19:53Z | cs.CL | Answering questions related to the legal domain is a complex task, primarily
due to the intricate nature and diverse range of legal document systems.
Providing an accurate answer to a legal query typically necessitates
specialized knowledge in the relevant domain, which makes this task all the
more challenging, even for human experts. Question answering (QA) systems are
designed to generate answers to questions asked in human languages. QA uses
natural language processing to understand questions and search through
information to find relevant answers. QA has various practical applications,
including customer service, education, research, and cross-lingual
communication. However, QA faces challenges such as improving natural language
understanding and handling complex and ambiguous questions. Answering questions
related to the legal domain is a complex task, primarily due to the intricate
nature and diverse range of legal document systems. Providing an accurate
answer to a legal query typically necessitates specialized knowledge in the
relevant domain, which makes this task all the more challenging, even for human
experts. At this time, there is a lack of surveys that discuss legal question
answering. To address this problem, we provide a comprehensive survey that
reviews 14 benchmark datasets for question-answering in the legal field as well
as presents a comprehensive review of the state-of-the-art Legal Question
Answering deep learning models. We cover the different architectures and
techniques used in these studies and the performance and limitations of these
models. Moreover, we have established a public GitHub repository where we
regularly upload the most recent articles, open data, and source code. The
repository is available at:
\url{https://github.com/abdoelsayed2016/Legal-Question-Answering-Review}. | cs.CL | Exploring the State of the Art in Legal QA Systems |
2023-04-13T14:51:40Z | http://arxiv.org/pdf/2304.06588v1 | http://arxiv.org/abs/2304.06588v1 | Petter Törnberg | 2023-04-13T14:51:40Z | cs.CL, cs.AI, cs.SI | This paper assesses the accuracy, reliability and bias of the Large Language
Model (LLM) ChatGPT-4 on the text analysis task of classifying the political
affiliation of a Twitter poster based on the content of a tweet. The LLM is
compared to manual annotation by both expert classifiers and crowd workers,
generally considered the gold standard for such tasks. We use Twitter messages
from United States politicians during the 2020 election, providing a ground
truth against which to measure accuracy. The paper finds that ChatGPT-4 has
achieves higher accuracy, higher reliability, and equal or lower bias than the
human classifiers. The LLM is able to correctly annotate messages that require
reasoning on the basis of contextual knowledge, and inferences around the
author's intentions - traditionally seen as uniquely human abilities. These
findings suggest that LLM will have substantial impact on the use of textual
data in the social sciences, by enabling interpretive research at a scale. | cs.CL | ChatGPT-4 Outperforms Experts and Crowd Workers in Annotating Political Twitter Messages with Zero-Shot Learning |
2023-04-13T14:03:14Z | http://arxiv.org/pdf/2304.06556v2 | http://arxiv.org/abs/2304.06556v2 | Vojtěch Hudeček, Ondřej Dušek | 2023-08-03T15:31:50Z | cs.CL | Instructions-tuned Large Language Models (LLMs) gained recently huge
popularity thanks to their ability to interact with users through conversation.
In this work we aim to evaluate their ability to complete multi-turn tasks and
interact with external databases in the context of established task-oriented
dialogue benchmarks. We show that for explicit belief state tracking, LLMs
underperform compared to specialized task-specific models. Nevertheless, they
show ability to guide the dialogue to successful ending if given correct slot
values. Furthermore this ability improves with access to true belief state
distribution or in-domain examples. | cs.CL | Are LLMs All You Need for Task-Oriented Dialogue? |
2023-04-13T12:54:29Z | http://arxiv.org/pdf/2304.06459v1 | http://arxiv.org/abs/2304.06459v1 | Israel Abebe Azime, Sana Sabah Al-Azzawi, Atnafu Lambebo Tonja, Iyanuoluwa Shode, Jesujoba Alabi, Ayodele Awokoya, Mardiyyah Oduwole, Tosin Adewumi, Samuel Fanijo, Oyinkansola Awosan, Oreen Yousuf | 2023-04-13T12:54:29Z | cs.CL, cs.AI | AfriSenti-SemEval Shared Task 12 of SemEval-2023. The task aims to perform
monolingual sentiment classification (sub-task A) for 12 African languages,
multilingual sentiment classification (sub-task B), and zero-shot sentiment
classification (task C). For sub-task A, we conducted experiments using
classical machine learning classifiers, Afro-centric language models, and
language-specific models. For task B, we fine-tuned multilingual pre-trained
language models that support many of the languages in the task. For task C, we
used we make use of a parameter-efficient Adapter approach that leverages
monolingual texts in the target language for effective zero-shot transfer. Our
findings suggest that using pre-trained Afro-centric language models improves
performance for low-resource African languages. We also ran experiments using
adapters for zero-shot tasks, and the results suggest that we can obtain
promising results by using adapters with a limited amount of resources. | cs.CL | Masakhane-Afrisenti at SemEval-2023 Task 12: Sentiment Analysis using Afro-centric Language Models and Adapters for Low-resource African Languages |
2023-04-13T12:28:14Z | http://arxiv.org/pdf/2304.06447v5 | http://arxiv.org/abs/2304.06447v5 | Yihao Ding, Siwen Luo, Hyunsuk Chung, Soyeon Caren Han | 2023-06-06T02:26:42Z | cs.CV, cs.CL | Document-based Visual Question Answering examines the document understanding
of document images in conditions of natural language questions. We proposed a
new document-based VQA dataset, PDF-VQA, to comprehensively examine the
document understanding from various aspects, including document element
recognition, document layout structural understanding as well as contextual
understanding and key information extraction. Our PDF-VQA dataset extends the
current scale of document understanding that limits on the single document page
to the new scale that asks questions over the full document of multiple pages.
We also propose a new graph-based VQA model that explicitly integrates the
spatial and hierarchically structural relationships between different document
elements to boost the document structural understanding. The performances are
compared with several baselines over different question types and
tasks\footnote{The full dataset will be released after paper acceptance. | cs.CV | PDFVQA: A New Dataset for Real-World VQA on PDF Documents |
2023-04-13T12:27:17Z | http://arxiv.org/pdf/2304.06446v2 | http://arxiv.org/abs/2304.06446v2 | Badri N. Patro, Vinay P. Namboodiri, Vijay Srinivas Agneeswaran | 2023-04-14T22:20:46Z | cs.CV, cs.AI, cs.CL, cs.LG | Vision transformers have been applied successfully for image recognition
tasks. There have been either multi-headed self-attention based (ViT
\cite{dosovitskiy2020image}, DeIT, \cite{touvron2021training}) similar to the
original work in textual models or more recently based on spectral layers
(Fnet\cite{lee2021fnet}, GFNet\cite{rao2021global},
AFNO\cite{guibas2021efficient}). We hypothesize that both spectral and
multi-headed attention plays a major role. We investigate this hypothesis
through this work and observe that indeed combining spectral and multi-headed
attention layers provides a better transformer architecture. We thus propose
the novel Spectformer architecture for transformers that combines spectral and
multi-headed attention layers. We believe that the resulting representation
allows the transformer to capture the feature representation appropriately and
it yields improved performance over other transformer representations. For
instance, it improves the top-1 accuracy by 2\% on ImageNet compared to both
GFNet-H and LiT. SpectFormer-S reaches 84.25\% top-1 accuracy on ImageNet-1K
(state of the art for small version). Further, Spectformer-L achieves 85.7\%
that is the state of the art for the comparable base version of the
transformers. We further ensure that we obtain reasonable results in other
scenarios such as transfer learning on standard datasets such as CIFAR-10,
CIFAR-100, Oxford-IIIT-flower, and Standford Car datasets. We then investigate
its use in downstream tasks such of object detection and instance segmentation
on the MS-COCO dataset and observe that Spectformer shows consistent
performance that is comparable to the best backbones and can be further
optimized and improved. Hence, we believe that combined spectral and attention
layers are what are needed for vision transformers. | cs.CV | SpectFormer: Frequency and Attention is what you need in a Vision Transformer |
2023-04-13T10:13:00Z | http://arxiv.org/pdf/2304.06377v3 | http://arxiv.org/abs/2304.06377v3 | Yang Chen, Liangxuan Guo, Shan Yu | 2023-06-25T05:53:06Z | cs.AI, cs.CL, cs.SC, q-bio.NC | The capacity to generate meaningful symbols and effectively employ them for
advanced cognitive processes, such as communication, reasoning, and planning,
constitutes a fundamental and distinctive aspect of human intelligence.
Existing deep neural networks still notably lag human capabilities in terms of
generating symbols for higher cognitive functions. Here, we propose a solution
(symbol emergence artificial network (SEA-net)) to endow neural networks with
the ability to create symbols, understand semantics, and achieve communication.
SEA-net generates symbols that dynamically configure the network to perform
specific tasks. These symbols capture compositional semantic information that
allows the system to acquire new functions purely by symbolic manipulation or
communication. In addition, these self-generated symbols exhibit an intrinsic
structure resembling that of natural language, suggesting a common framework
underlying the generation and understanding of symbols in both human brains and
artificial neural networks. We believe that the proposed framework will be
instrumental in producing more capable systems that can synergize the strengths
of connectionist and symbolic approaches for artificial intelligence (AI). | cs.AI | Emergence of Symbols in Neural Networks for Semantic Understanding and Communication |
2023-04-13T09:56:45Z | http://arxiv.org/pdf/2304.06375v1 | http://arxiv.org/abs/2304.06375v1 | Salvatore Citraro, Simon De Deyne, Massimo Stella, Giulio Rossetti | 2023-04-13T09:56:45Z | cs.CL, cs.AI | Semantic networks provide a useful tool to understand how related concepts
are retrieved from memory. However, most current network approaches use
pairwise links to represent memory recall patterns. Pairwise connections
neglect higher-order associations, i.e. relationships between more than two
concepts at a time. These higher-order interactions might covariate with (and
thus contain information about) how similar concepts are along psycholinguistic
dimensions like arousal, valence, familiarity, gender and others. We overcome
these limits by introducing feature-rich cognitive hypergraphs as quantitative
models of human memory where: (i) concepts recalled together can all engage in
hyperlinks involving also more than two concepts at once (cognitive hypergraph
aspect), and (ii) each concept is endowed with a vector of psycholinguistic
features (feature-rich aspect). We build hypergraphs from word association data
and use evaluation methods from machine learning features to predict concept
concreteness. Since concepts with similar concreteness tend to cluster together
in human memory, we expect to be able to leverage this structure. Using word
association data from the Small World of Words dataset, we compared a pairwise
network and a hypergraph with N=3586 concepts/nodes. Interpretable artificial
intelligence models trained on (1) psycholinguistic features only, (2)
pairwise-based feature aggregations, and on (3) hypergraph-based aggregations
show significant differences between pairwise and hypergraph links.
Specifically, our results show that higher-order and feature-rich hypergraph
models contain richer information than pairwise networks leading to improved
prediction of word concreteness. The relation with previous studies about
conceptual clustering and compartmentalisation in associative knowledge and
human memory are discussed. | cs.CL | Towards hypergraph cognitive networks as feature-rich models of knowledge |
2023-04-13T09:50:43Z | http://arxiv.org/pdf/2304.06371v2 | http://arxiv.org/abs/2304.06371v2 | Laia Tarrés, Gerard I. Gállego, Amanda Duarte, Jordi Torres, Xavier Giró-i-Nieto | 2023-04-14T08:43:20Z | cs.CL, cs.CV | The advances in automatic sign language translation (SLT) to spoken languages
have been mostly benchmarked with datasets of limited size and restricted
domains. Our work advances the state of the art by providing the first baseline
results on How2Sign, a large and broad dataset.
We train a Transformer over I3D video features, using the reduced BLEU as a
reference metric for validation, instead of the widely used BLEU score. We
report a result of 8.03 on the BLEU score, and publish the first open-source
implementation of its kind to promote further advances. | cs.CL | Sign Language Translation from Instructional Videos |
2023-04-13T09:39:30Z | http://arxiv.org/pdf/2304.06364v2 | http://arxiv.org/abs/2304.06364v2 | Wanjun Zhong, Ruixiang Cui, Yiduo Guo, Yaobo Liang, Shuai Lu, Yanlin Wang, Amin Saied, Weizhu Chen, Nan Duan | 2023-09-18T14:23:02Z | cs.CL, cs.AI | Evaluating the general abilities of foundation models to tackle human-level
tasks is a vital aspect of their development and application in the pursuit of
Artificial General Intelligence (AGI). Traditional benchmarks, which rely on
artificial datasets, may not accurately represent human-level capabilities. In
this paper, we introduce AGIEval, a novel benchmark specifically designed to
assess foundation model in the context of human-centric standardized exams,
such as college entrance exams, law school admission tests, math competitions,
and lawyer qualification tests. We evaluate several state-of-the-art foundation
models, including GPT-4, ChatGPT, and Text-Davinci-003, using this benchmark.
Impressively, GPT-4 surpasses average human performance on SAT, LSAT, and math
competitions, attaining a 95% accuracy rate on the SAT Math test and a 92.5%
accuracy on the English test of the Chinese national college entrance exam.
This demonstrates the extraordinary performance of contemporary foundation
models. In contrast, we also find that GPT-4 is less proficient in tasks that
require complex reasoning or specific domain knowledge. Our comprehensive
analyses of model capabilities (understanding, knowledge, reasoning, and
calculation) reveal these models' strengths and limitations, providing valuable
insights into future directions for enhancing their general capabilities. By
concentrating on tasks pertinent to human cognition and decision-making, our
benchmark delivers a more meaningful and robust evaluation of foundation
models' performance in real-world scenarios. The data, code, and all model
outputs are released in https://github.com/ruixiangcui/AGIEval. | cs.CL | AGIEval: A Human-Centric Benchmark for Evaluating Foundation Models |
2023-04-13T08:33:50Z | http://arxiv.org/pdf/2304.06337v1 | http://arxiv.org/abs/2304.06337v1 | Nina Tahmasebi, Haim Dubossarsky | 2023-04-13T08:33:50Z | cs.CL | In this chapter we provide an overview of computational modeling for semantic
change using large and semi-large textual corpora. We aim to provide a key for
the interpretation of relevant methods and evaluation techniques, and also
provide insights into important aspects of the computational study of semantic
change. We discuss the pros and cons of different classes of models with
respect to the properties of the data from which one wishes to model semantic
change, and which avenues are available to evaluate the results. | cs.CL | Computational modeling of semantic change |
2023-04-13T07:32:09Z | http://arxiv.org/pdf/2304.06307v1 | http://arxiv.org/abs/2304.06307v1 | Jens Dörpinghaus, David Samray, Robert Helmrich | 2023-04-13T07:32:09Z | cs.CL | As a result of transformation processes, the German labor market is highly
dependent on vocational training, retraining and continuing education. To match
training seekers and offers, we present a novel approach towards the automated
detection of access to education and training in German training offers and
advertisements. We will in particular focus on (a) general school and education
degrees and schoolleaving certificates, (b) professional experience, (c) a
previous apprenticeship and (d) a list of skills provided by the German Federal
Employment Agency. This novel approach combines several methods: First, we
provide a mapping of synonyms in education combining different qualifications
and adding deprecated terms. Second, we provide a rule-based matching to
identify the need for professional experience or apprenticeship. However, not
all access requirements can be matched due to incompatible data schemata or
non-standardizes requirements, e.g initial tests or interviews. While we can
identify several shortcomings, the presented approach offers promising results
for two data sets: training and re-training advertisements. | cs.CL | Rule-based detection of access to education and training in Germany |
2023-04-13T05:01:03Z | http://arxiv.org/pdf/2304.11090v4 | http://arxiv.org/abs/2304.11090v4 | Qinghua Lu, Liming Zhu, Xiwei Xu, Zhenchang Xing, Jon Whittle | 2024-05-26T23:51:04Z | cs.CL, cs.AI, cs.SE | The release of ChatGPT, Gemini, and other large language model has drawn huge
interests on foundations models. There is a broad consensus that foundations
models will be the fundamental building blocks for future AI systems. However,
there is a lack of systematic guidance on the architecture design.
Particularly, the the rapidly growing capabilities of foundations models can
eventually absorb other components of AI systems, posing challenges of moving
boundary and interface evolution in architecture design. Furthermore,
incorporating foundations models into AI systems raises significant concerns
about responsible and safe AI due to their opaque nature and rapidly advancing
intelligence. To address these challenges, the paper first presents an
architecture evolution of AI systems in the era of foundation models,
transitioning from "foundation-model-as-a-connector" to
"foundation-model-as-a-monolithic architecture". The paper then identifies key
design decisions and proposes a pattern-oriented reference architecture for
designing responsible foundation-model-based systems. The patterns can enable
the potential of foundation models while ensuring associated risks. | cs.CL | Towards Responsible and Safe AI in the Era of Foudnation Models: A Reference Architecture for Designing Foundation Model based Systems |
2023-04-13T04:47:31Z | http://arxiv.org/pdf/2304.07297v2 | http://arxiv.org/abs/2304.07297v2 | Hengyuan Hu, Dorsa Sadigh | 2023-06-10T20:00:45Z | cs.AI, cs.CL, cs.LG, cs.MA | One of the fundamental quests of AI is to produce agents that coordinate well
with humans. This problem is challenging, especially in domains that lack high
quality human behavioral data, because multi-agent reinforcement learning (RL)
often converges to different equilibria from the ones that humans prefer. We
propose a novel framework, instructRL, that enables humans to specify what kind
of strategies they expect from their AI partners through natural language
instructions. We use pretrained large language models to generate a prior
policy conditioned on the human instruction and use the prior to regularize the
RL objective. This leads to the RL agent converging to equilibria that are
aligned with human preferences. We show that instructRL converges to human-like
policies that satisfy the given instructions in a proof-of-concept environment
as well as the challenging Hanabi benchmark. Finally, we show that knowing the
language instruction significantly boosts human-AI coordination performance in
human evaluations in Hanabi. | cs.AI | Language Instructed Reinforcement Learning for Human-AI Coordination |
2023-04-13T04:01:14Z | http://arxiv.org/pdf/2304.06248v1 | http://arxiv.org/abs/2304.06248v1 | Hao Fei, Shengqiong Wu, Jingye Li, Bobo Li, Fei Li, Libo Qin, Meishan Zhang, Min Zhang, Tat-Seng Chua | 2023-04-13T04:01:14Z | cs.CL | Universally modeling all typical information extraction tasks (UIE) with one
generative language model (GLM) has revealed great potential by the latest
study, where various IE predictions are unified into a linearized hierarchical
expression under a GLM. Syntactic structure information, a type of effective
feature which has been extensively utilized in IE community, should also be
beneficial to UIE. In this work, we propose a novel structure-aware GLM, fully
unleashing the power of syntactic knowledge for UIE. A heterogeneous structure
inductor is explored to unsupervisedly induce rich heterogeneous structural
representations by post-training an existing GLM. In particular, a structural
broadcaster is devised to compact various latent trees into explicit high-order
forests, helping to guide a better generation during decoding. We finally
introduce a task-oriented structure fine-tuning mechanism, further adjusting
the learned structures to most coincide with the end-task's need. Over 12 IE
benchmarks across 7 tasks our system shows significant improvements over the
baseline UIE system. Further in-depth analyses show that our GLM learns rich
task-adaptive structural bias that greatly resolves the UIE crux, the
long-range dependence issue and boundary identifying. Source codes are open at
https://github.com/ChocoWu/LasUIE. | cs.CL | LasUIE: Unifying Information Extraction with Latent Adaptive Structure-aware Generative Language Model |
2023-04-13T00:34:32Z | http://arxiv.org/pdf/2304.06203v2 | http://arxiv.org/abs/2304.06203v2 | Nicholas J Dobbins, Bin Han, Weipeng Zhou, Kristine Lan, H. Nina Kim, Robert Harrington, Ozlem Uzuner, Meliha Yetisgen | 2023-08-14T18:45:55Z | cs.CL | Objective: Identifying study-eligible patients within clinical databases is a
critical step in clinical research. However, accurate query design typically
requires extensive technical and biomedical expertise. We sought to create a
system capable of generating data model-agnostic queries while also providing
novel logical reasoning capabilities for complex clinical trial eligibility
criteria.
Materials and Methods: The task of query creation from eligibility criteria
requires solving several text-processing problems, including named entity
recognition and relation extraction, sequence-to-sequence transformation,
normalization, and reasoning. We incorporated hybrid deep learning and
rule-based modules for these, as well as a knowledge base of the Unified
Medical Language System (UMLS) and linked ontologies. To enable data-model
agnostic query creation, we introduce a novel method for tagging database
schema elements using UMLS concepts. To evaluate our system, called LeafAI, we
compared the capability of LeafAI to a human database programmer to identify
patients who had been enrolled in 8 clinical trials conducted at our
institution. We measured performance by the number of actual enrolled patients
matched by generated queries.
Results: LeafAI matched a mean 43% of enrolled patients with 27,225 eligible
across 8 clinical trials, compared to 27% matched and 14,587 eligible in
queries by a human database programmer. The human programmer spent 26 total
hours crafting queries compared to several minutes by LeafAI.
Conclusions: Our work contributes a state-of-the-art data model-agnostic
query generation system capable of conditional reasoning using a knowledge
base. We demonstrate that LeafAI can rival an experienced human programmer in
finding patients eligible for clinical trials. | cs.CL | LeafAI: query generator for clinical cohort discovery rivaling a human programmer |
2023-04-12T23:05:02Z | http://arxiv.org/pdf/2304.06186v3 | http://arxiv.org/abs/2304.06186v3 | Merlin Carl | 2024-04-10T14:19:26Z | cs.CL, math.LO | We describe two systems currently being developed that use large language
models for the automatized correction of (i) exercises in translating back and
forth between natural language and the languages of propositional logic and
first-order predicate logic and (ii) exercises in writing simple arguments in
natural language in non-mathematical scenarios. | cs.CL | Using Large Language Models for (De-)Formalization and Natural Argumentation Exercises for Beginner's Students |
2023-04-12T22:55:52Z | http://arxiv.org/pdf/2304.06184v1 | http://arxiv.org/abs/2304.06184v1 | Anjana Arunkumar, Shubham Sharma, Rakhi Agrawal, Sriram Chandrasekaran, Chris Bryan | 2023-04-12T22:55:52Z | cs.HC, cs.CL | Cross-task generalization is a significant outcome that defines mastery in
natural language understanding. Humans show a remarkable aptitude for this, and
can solve many different types of tasks, given definitions in the form of
textual instructions and a small set of examples. Recent work with pre-trained
language models mimics this learning style: users can define and exemplify a
task for the model to attempt as a series of natural language prompts or
instructions. While prompting approaches have led to higher cross-task
generalization compared to traditional supervised learning, analyzing 'bias' in
the task instructions given to the model is a difficult problem, and has thus
been relatively unexplored. For instance, are we truly modeling a task, or are
we modeling a user's instructions? To help investigate this, we develop LINGO,
a novel visual analytics interface that supports an effective, task-driven
workflow to (1) help identify bias in natural language task instructions, (2)
alter (or create) task instructions to reduce bias, and (3) evaluate
pre-trained model performance on debiased task instructions. To robustly
evaluate LINGO, we conduct a user study with both novice and expert instruction
creators, over a dataset of 1,616 linguistic tasks and their natural language
instructions, spanning 55 different languages. For both user groups, LINGO
promotes the creation of more difficult tasks for pre-trained models, that
contain higher linguistic diversity and lower instruction bias. We additionally
discuss how the insights learned in developing and evaluating LINGO can aid in
the design of future dashboards that aim to minimize the effort involved in
prompt creation across multiple domains. | cs.HC | LINGO : Visually Debiasing Natural Language Instructions to Support Task Diversity |
2023-04-12T21:50:20Z | http://arxiv.org/pdf/2304.08178v1 | http://arxiv.org/abs/2304.08178v1 | Marc Alexander Kühn, Daniel Omeiza, Lars Kunze | 2023-04-12T21:50:20Z | cs.CL, cs.AI, cs.HC, cs.LG, cs.RO | The provision of natural language explanations for the predictions of
deep-learning-based vehicle controllers is critical as it enhances transparency
and easy audit. In this work, a state-of-the-art (SOTA) prediction and
explanation model is thoroughly evaluated and validated (as a benchmark) on the
new Sense--Assess--eXplain (SAX). Additionally, we developed a new explainer
model that improved over the baseline architecture in two ways: (i) an
integration of part of speech prediction and (ii) an introduction of special
token penalties. On the BLEU metric, our explanation generation technique
outperformed SOTA by a factor of 7.7 when applied on the BDD-X dataset. The
description generation technique is also improved by a factor of 1.3. Hence,
our work contributes to the realisation of future explainable autonomous
vehicles. | cs.CL | Textual Explanations for Automated Commentary Driving |
2023-04-12T20:20:22Z | http://arxiv.org/pdf/2304.06148v1 | http://arxiv.org/abs/2304.06148v1 | Panagiotis C. Theocharopoulos, Panagiotis Anagnostou, Anastasia Tsoukala, Spiros V. Georgakopoulos, Sotiris K. Tasoulis, Vassilis P. Plagianakos | 2023-04-12T20:20:22Z | cs.CL | The widespread adoption of Large Language Models and publicly available
ChatGPT has marked a significant turning point in the integration of Artificial
Intelligence into people's everyday lives. The academic community has taken
notice of these technological advancements and has expressed concerns regarding
the difficulty of discriminating between what is real and what is artificially
generated. Thus, researchers have been working on developing effective systems
to identify machine-generated text. In this study, we utilize the GPT-3 model
to generate scientific paper abstracts through Artificial Intelligence and
explore various text representation methods when combined with Machine Learning
models with the aim of identifying machine-written text. We analyze the models'
performance and address several research questions that rise during the
analysis of the results. By conducting this research, we shed light on the
capabilities and limitations of Artificial Intelligence generated text. | cs.CL | Detection of Fake Generated Scientific Abstracts |
2023-04-12T17:33:28Z | http://arxiv.org/pdf/2305.03514v3 | http://arxiv.org/abs/2305.03514v3 | Caleb Ziems, William Held, Omar Shaikh, Jiaao Chen, Zhehao Zhang, Diyi Yang | 2024-02-26T17:16:12Z | cs.CL, cs.LG | Large Language Models (LLMs) are capable of successfully performing many
language processing tasks zero-shot (without training data). If zero-shot LLMs
can also reliably classify and explain social phenomena like persuasiveness and
political ideology, then LLMs could augment the Computational Social Science
(CSS) pipeline in important ways. This work provides a road map for using LLMs
as CSS tools. Towards this end, we contribute a set of prompting best practices
and an extensive evaluation pipeline to measure the zero-shot performance of 13
language models on 25 representative English CSS benchmarks. On taxonomic
labeling tasks (classification), LLMs fail to outperform the best fine-tuned
models but still achieve fair levels of agreement with humans. On free-form
coding tasks (generation), LLMs produce explanations that often exceed the
quality of crowdworkers' gold references. We conclude that the performance of
today's LLMs can augment the CSS research pipeline in two ways: (1) serving as
zero-shot data annotators on human annotation teams, and (2) bootstrapping
challenging creative generation tasks (e.g., explaining the underlying
attributes of a text). In summary, LLMs are posed to meaningfully participate
in social science analysis in partnership with humans. | cs.CL | Can Large Language Models Transform Computational Social Science? |
2023-04-12T16:54:26Z | http://arxiv.org/pdf/2304.05973v1 | http://arxiv.org/abs/2304.05973v1 | Jiaying Lu, Jiaming Shen, Bo Xiong, Wenjing Ma, Steffen Staab, Carl Yang | 2023-04-12T16:54:26Z | cs.IR, cs.CL | Medical decision-making processes can be enhanced by comprehensive biomedical
knowledge bases, which require fusing knowledge graphs constructed from
different sources via a uniform index system. The index system often organizes
biomedical terms in a hierarchy to provide the aligned entities with
fine-grained granularity. To address the challenge of scarce supervision in the
biomedical knowledge fusion (BKF) task, researchers have proposed various
unsupervised methods. However, these methods heavily rely on ad-hoc lexical and
structural matching algorithms, which fail to capture the rich semantics
conveyed by biomedical entities and terms. Recently, neural embedding models
have proved effective in semantic-rich tasks, but they rely on sufficient
labeled data to be adequately trained. To bridge the gap between the
scarce-labeled BKF and neural embedding models, we propose HiPrompt, a
supervision-efficient knowledge fusion framework that elicits the few-shot
reasoning ability of large language models through hierarchy-oriented prompts.
Empirical results on the collected KG-Hi-BKF benchmark datasets demonstrate the
effectiveness of HiPrompt. | cs.IR | HiPrompt: Few-Shot Biomedical Knowledge Fusion via Hierarchy-Oriented Prompting |
2023-04-12T16:47:15Z | http://arxiv.org/pdf/2304.05970v1 | http://arxiv.org/abs/2304.05970v1 | Silviu Pitis, Michael R. Zhang, Andrew Wang, Jimmy Ba | 2023-04-12T16:47:15Z | cs.CL, cs.LG | Methods such as chain-of-thought prompting and self-consistency have pushed
the frontier of language model reasoning performance with no additional
training. To further improve performance, we propose a prompt ensembling method
for large language models, which uses a small dataset to construct a set of few
shot prompts that together comprise a ``boosted prompt ensemble''. The few shot
examples for each prompt are chosen in a stepwise fashion to be ``hard''
examples on which the previous step's ensemble is uncertain. We show that this
outperforms single-prompt output-space ensembles and bagged prompt-space
ensembles on the GSM8k and AQuA datasets, among others. We propose both
train-time and test-time versions of boosted prompting that use different
levels of available annotation and conduct a detailed empirical study of our
algorithm. | cs.CL | Boosted Prompt Ensembles for Large Language Models |
2023-04-12T16:43:39Z | http://arxiv.org/pdf/2304.05967v1 | http://arxiv.org/abs/2304.05967v1 | Samantha Robertson, Zijie J. Wang, Dominik Moritz, Mary Beth Kery, Fred Hohman | 2023-04-12T16:43:39Z | cs.HC, cs.AI, cs.CL, cs.LG | Machine learning (ML) models can fail in unexpected ways in the real world,
but not all model failures are equal. With finite time and resources, ML
practitioners are forced to prioritize their model debugging and improvement
efforts. Through interviews with 13 ML practitioners at Apple, we found that
practitioners construct small targeted test sets to estimate an error's nature,
scope, and impact on users. We built on this insight in a case study with
machine translation models, and developed Angler, an interactive visual
analytics tool to help practitioners prioritize model improvements. In a user
study with 7 machine translation experts, we used Angler to understand
prioritization practices when the input space is infinite, and obtaining
reliable signals of model quality is expensive. Our study revealed that
participants could form more interesting and user-focused hypotheses for
prioritization by analyzing quantitative summary statistics and qualitatively
assessing data by reading sentences. | cs.HC | Angler: Helping Machine Translation Practitioners Prioritize Model Improvements |
2023-04-12T15:52:53Z | http://arxiv.org/pdf/2304.05934v2 | http://arxiv.org/abs/2304.05934v2 | Aashaka Desai, Lauren Berger, Fyodor O. Minakov, Vanessa Milan, Chinmay Singh, Kriston Pumphrey, Richard E. Ladner, Hal Daumé III, Alex X. Lu, Naomi Caselli, Danielle Bragg | 2023-06-20T03:20:18Z | cs.CV, cs.CL | Sign languages are used as a primary language by approximately 70 million
D/deaf people world-wide. However, most communication technologies operate in
spoken and written languages, creating inequities in access. To help tackle
this problem, we release ASL Citizen, the first crowdsourced Isolated Sign
Language Recognition (ISLR) dataset, collected with consent and containing
83,399 videos for 2,731 distinct signs filmed by 52 signers in a variety of
environments. We propose that this dataset be used for sign language dictionary
retrieval for American Sign Language (ASL), where a user demonstrates a sign to
their webcam to retrieve matching signs from a dictionary. We show that
training supervised machine learning classifiers with our dataset advances the
state-of-the-art on metrics relevant for dictionary retrieval, achieving 63%
accuracy and a recall-at-10 of 91%, evaluated entirely on videos of users who
are not present in the training or validation sets. An accessible PDF of this
article is available at the following link:
https://aashakadesai.github.io/research/ASLCitizen_arxiv_updated.pdf | cs.CV | ASL Citizen: A Community-Sourced Dataset for Advancing Isolated Sign Language Recognition |
2023-04-12T15:49:41Z | http://arxiv.org/pdf/2304.05929v1 | http://arxiv.org/abs/2304.05929v1 | David Oniani, Bambang Parmanto, Andi Saptono, Allyn Bove, Janet Freburger, Shyam Visweswaran Nickie Cappella, Brian McLay, Jonathan C. Silverstein, Michael J. Becich, Anthony Delitto, Elizabeth Skidmore, Yanshan Wang | 2023-04-12T15:49:41Z | cs.CL, cs.DB | Rehabilitation research focuses on determining the components of a treatment
intervention, the mechanism of how these components lead to recovery and
rehabilitation, and ultimately the optimal intervention strategies to maximize
patients' physical, psychologic, and social functioning. Traditional randomized
clinical trials that study and establish new interventions face several
challenges, such as high cost and time commitment. Observational studies that
use existing clinical data to observe the effect of an intervention have shown
several advantages over RCTs. Electronic Health Records (EHRs) have become an
increasingly important resource for conducting observational studies. To
support these studies, we developed a clinical research datamart, called
ReDWINE (Rehabilitation Datamart With Informatics iNfrastructure for rEsearch),
that transforms the rehabilitation-related EHR data collected from the UPMC
health care system to the Observational Health Data Sciences and Informatics
(OHDSI) Observational Medical Outcomes Partnership (OMOP) Common Data Model
(CDM) to facilitate rehabilitation research. The standardized EHR data stored
in ReDWINE will further reduce the time and effort required by investigators to
pool, harmonize, clean, and analyze data from multiple sources, leading to more
robust and comprehensive research findings. ReDWINE also includes deployment of
data visualization and data analytics tools to facilitate cohort definition and
clinical data analysis. These include among others the Open Health Natural
Language Processing (OHNLP) toolkit, a high-throughput NLP pipeline, to provide
text analytical capabilities at scale in ReDWINE. Using this comprehensive
representation of patient data in ReDWINE for rehabilitation research will
facilitate real-world evidence for health interventions and outcomes. | cs.CL | ReDWINE: A Clinical Datamart with Text Analytical Capabilities to Facilitate Rehabilitation Research |
2023-04-12T13:42:59Z | http://arxiv.org/pdf/2304.05860v2 | http://arxiv.org/abs/2304.05860v2 | Weixuan Wang, Wei Peng, Qun Liu | 2023-04-13T00:31:20Z | cs.CL, cs.AI | Homographs, words with the same spelling but different meanings, remain
challenging in Neural Machine Translation (NMT). While recent works leverage
various word embedding approaches to differentiate word sense in NMT, they do
not focus on the pivotal components in resolving ambiguities of homographs in
NMT: the hidden states of an encoder. In this paper, we propose a novel
approach to tackle homographic issues of NMT in the latent space. We first
train an encoder (aka "HDR-encoder") to learn universal sentence
representations in a natural language inference (NLI) task. We further
fine-tune the encoder using homograph-based synset sentences from WordNet,
enabling it to learn word-level homographic disambiguation representations
(HDR). The pre-trained HDR-encoder is subsequently integrated with a
transformer-based NMT in various schemes to improve translation accuracy.
Experiments on four translation directions demonstrate the effectiveness of the
proposed method in enhancing the performance of NMT systems in the BLEU scores
(up to +2.3 compared to a solid baseline). The effects can be verified by other
metrics (F1, precision, and recall) of translation accuracy in an additional
disambiguation task. Visualization methods like heatmaps, T-SNE and translation
examples are also utilized to demonstrate the effects of the proposed method. | cs.CL | Learning Homographic Disambiguation Representation for Neural Machine Translation |
2023-04-12T13:20:16Z | http://arxiv.org/pdf/2304.05845v1 | http://arxiv.org/abs/2304.05845v1 | Si Sun, Yida Lu, Shi Yu, Xiangyang Li, Zhonghua Li, Zhao Cao, Zhiyuan Liu, Deiming Ye, Jie Bao | 2023-04-12T13:20:16Z | cs.CL | Few-shot dense retrieval (DR) aims to effectively generalize to novel search
scenarios by learning a few samples. Despite its importance, there is little
study on specialized datasets and standardized evaluation protocols. As a
result, current methods often resort to random sampling from supervised
datasets to create "few-data" setups and employ inconsistent training
strategies during evaluations, which poses a challenge in accurately comparing
recent progress. In this paper, we propose a customized FewDR dataset and a
unified evaluation benchmark. Specifically, FewDR employs class-wise sampling
to establish a standardized "few-shot" setting with finely-defined classes,
reducing variability in multiple sampling rounds. Moreover, the dataset is
disjointed into base and novel classes, allowing DR models to be continuously
trained on ample data from base classes and a few samples in novel classes.
This benchmark eliminates the risk of novel class leakage, providing a reliable
estimation of the DR model's few-shot ability. Our extensive empirical results
reveal that current state-of-the-art DR models still face challenges in the
standard few-shot scene. Our code and data will be open-sourced at
https://github.com/OpenMatch/ANCE-Tele. | cs.CL | Rethinking Dense Retrieval's Few-Shot Ability |
2023-04-12T11:49:43Z | http://arxiv.org/pdf/2304.05783v3 | http://arxiv.org/abs/2304.05783v3 | Sandra Martinková, Karolina Stańczak, Isabelle Augenstein | 2023-05-25T08:51:47Z | cs.CL | Pre-trained language models have been known to perpetuate biases from the
underlying datasets to downstream tasks. However, these findings are
predominantly based on monolingual language models for English, whereas there
are few investigative studies of biases encoded in language models for
languages beyond English. In this paper, we fill this gap by analysing gender
bias in West Slavic language models. We introduce the first template-based
dataset in Czech, Polish, and Slovak for measuring gender bias towards male,
female and non-binary subjects. We complete the sentences using both mono- and
multilingual language models and assess their suitability for the masked
language modelling objective. Next, we measure gender bias encoded in West
Slavic language models by quantifying the toxicity and genderness of the
generated words. We find that these language models produce hurtful completions
that depend on the subject's gender. Perhaps surprisingly, Czech, Slovak, and
Polish language models produce more hurtful completions with men as subjects,
which, upon inspection, we find is due to completions being related to
violence, death, and sickness. | cs.CL | Measuring Gender Bias in West Slavic Language Models |
2023-04-12T11:06:14Z | http://arxiv.org/pdf/2304.05764v1 | http://arxiv.org/abs/2304.05764v1 | Samia Touileb, Lilja Øvrelid, Erik Velldal | 2023-04-12T11:06:14Z | cs.CL | We investigate in this paper how distributions of occupations with respect to
gender is reflected in pre-trained language models. Such distributions are not
always aligned to normative ideals, nor do they necessarily reflect a
descriptive assessment of reality. In this paper, we introduce an approach for
measuring to what degree pre-trained language models are aligned to normative
and descriptive occupational distributions. To this end, we use official
demographic information about gender--occupation distributions provided by the
national statistics agencies of France, Norway, United Kingdom, and the United
States. We manually generate template-based sentences combining gendered
pronouns and nouns with occupations, and subsequently probe a selection of ten
language models covering the English, French, and Norwegian languages. The
scoring system we introduce in this work is language independent, and can be
used on any combination of template-based sentences, occupations, and
languages. The approach could also be extended to other dimensions of national
census data and other demographic variables. | cs.CL | Measuring Normative and Descriptive Biases in Language Models Using Census Data |
2023-04-12T06:46:33Z | http://arxiv.org/pdf/2304.05642v2 | http://arxiv.org/abs/2304.05642v2 | Chi Liu, Haochun Wang, Nuwa Xi, Sendong Zhao, Bing Qin | 2023-05-13T07:45:59Z | cs.CL | As a novel approach to tuning pre-trained models, prompt tuning involves
freezing the parameters in downstream tasks while inserting trainable
embeddings into inputs in the first layer. However, previous methods have
mainly focused on the initialization of prompt embeddings. The strategy of
training and utilizing prompt embeddings in a reasonable way has become a
limiting factor in the effectiveness of prompt tuning. To address this issue,
we introduce the Global Prompt Cell (GPC), a portable control module for prompt
tuning that selectively preserves prompt information across all encoder layers.
Our experimental results demonstrate a 5.8% improvement on SuperGLUE datasets
compared to vanilla prompt tuning. | cs.CL | Global Prompt Cell: A Portable Control Module for Effective Prompt Tuning |
2023-04-12T05:08:52Z | http://arxiv.org/pdf/2304.05613v1 | http://arxiv.org/abs/2304.05613v1 | Viet Dac Lai, Nghia Trung Ngo, Amir Pouran Ben Veyseh, Hieu Man, Franck Dernoncourt, Trung Bui, Thien Huu Nguyen | 2023-04-12T05:08:52Z | cs.CL, cs.AI | Over the last few years, large language models (LLMs) have emerged as the
most important breakthroughs in natural language processing (NLP) that
fundamentally transform research and developments in the field. ChatGPT
represents one of the most exciting LLM systems developed recently to showcase
impressive skills for language generation and highly attract public attention.
Among various exciting applications discovered for ChatGPT in English, the
model can process and generate texts for multiple languages due to its
multilingual training data. Given the broad adoption of ChatGPT for English in
different problems and areas, a natural question is whether ChatGPT can also be
applied effectively for other languages or it is necessary to develop more
language-specific technologies. The answer to this question requires a thorough
evaluation of ChatGPT over multiple tasks with diverse languages and large
datasets (i.e., beyond reported anecdotes), which is still missing or limited
in current research. Our work aims to fill this gap for the evaluation of
ChatGPT and similar LLMs to provide more comprehensive information for
multilingual NLP applications. While this work will be an ongoing effort to
include additional experiments in the future, our current paper evaluates
ChatGPT on 7 different tasks, covering 37 diverse languages with high, medium,
low, and extremely low resources. We also focus on the zero-shot learning
setting for ChatGPT to improve reproducibility and better simulate the
interactions of general users. Compared to the performance of previous models,
our extensive experimental results demonstrate a worse performance of ChatGPT
for different NLP tasks and languages, calling for further research to develop
better models and understanding for multilingual learning. | cs.CL | ChatGPT Beyond English: Towards a Comprehensive Evaluation of Large Language Models in Multilingual Learning |
2023-04-12T03:37:57Z | http://arxiv.org/pdf/2304.05591v1 | http://arxiv.org/abs/2304.05591v1 | Siddharth Suresh, Kushin Mukherjee, Timothy T. Rogers | 2023-04-12T03:37:57Z | cs.CL, cs.AI, cs.LG | This study evaluates the potential of a large language model for aiding in
generation of semantic feature norms - a critical tool for evaluating
conceptual structure in cognitive science. Building from an existing
human-generated dataset, we show that machine-verified norms capture aspects of
conceptual structure beyond what is expressed in human norms alone, and better
explain human judgments of semantic similarity amongst items that are distally
related. The results suggest that LLMs can greatly enhance traditional methods
of semantic feature norm verification, with implications for our understanding
of conceptual representation in humans and machines. | cs.CL | Semantic Feature Verification in FLAN-T5 |
2023-04-12T03:02:20Z | http://arxiv.org/pdf/2304.05406v2 | http://arxiv.org/abs/2304.05406v2 | Ioana Ciucă, Yuan-Sen Ting | 2023-09-12T00:42:21Z | cs.CL, astro-ph.GA, astro-ph.IM | We demonstrate the potential of the state-of-the-art OpenAI GPT-4 large
language model to engage in meaningful interactions with Astronomy papers using
in-context prompting. To optimize for efficiency, we employ a distillation
technique that effectively reduces the size of the original input paper by
50\%, while maintaining the paragraph structure and overall semantic integrity.
We then explore the model's responses using a multi-document context (ten
distilled documents). Our findings indicate that GPT-4 excels in the
multi-document domain, providing detailed answers contextualized within the
framework of related research findings. Our results showcase the potential of
large language models for the astronomical community, offering a promising
avenue for further exploration, particularly the possibility of utilizing the
models for hypothesis generation. | cs.CL | Galactic ChitChat: Using Large Language Models to Converse with Astronomy Literature |
2023-04-12T02:42:20Z | http://arxiv.org/pdf/2304.05578v1 | http://arxiv.org/abs/2304.05578v1 | Wei Tan, Jionghao Lin, David Lang, Guanliang Chen, Dragan Gasevic, Lan Du, Wray Buntine | 2023-04-12T02:42:20Z | cs.CL, cs.AI, cs.LG | Dialogue Acts (DAs) can be used to explain what expert tutors do and what
students know during the tutoring process. Most empirical studies adopt the
random sampling method to obtain sentence samples for manual annotation of DAs,
which are then used to train DA classifiers. However, these studies have paid
little attention to sample informativeness, which can reflect the information
quantity of the selected samples and inform the extent to which a classifier
can learn patterns. Notably, the informativeness level may vary among the
samples and the classifier might only need a small amount of low informative
samples to learn the patterns. Random sampling may overlook sample
informativeness, which consumes human labelling costs and contributes less to
training the classifiers. As an alternative, researchers suggest employing
statistical sampling methods of Active Learning (AL) to identify the
informative samples for training the classifiers. However, the use of AL
methods in educational DA classification tasks is under-explored. In this
paper, we examine the informativeness of annotated sentence samples. Then, the
study investigates how the AL methods can select informative samples to support
DA classifiers in the AL sampling process. The results reveal that most
annotated sentences present low informativeness in the training dataset and the
patterns of these sentences can be easily captured by the DA classifier. We
also demonstrate how AL methods can reduce the cost of manual annotation in the
AL sampling process. | cs.CL | Does Informativeness Matter? Active Learning for Educational Dialogue Act Classification |
2023-04-11T23:29:56Z | http://arxiv.org/pdf/2304.05534v3 | http://arxiv.org/abs/2304.05534v3 | Wataru Zaitsu, Mingzhe Jin | 2023-06-03T01:52:58Z | cs.CL | In the first half of 2023, text-generative artificial intelligence (AI),
including ChatGPT, equipped with GPT-3.5 and GPT-4, from OpenAI, has attracted
considerable attention worldwide. In this study, first, we compared Japanese
stylometric features of texts generated by GPT (-3.5 and -4) and those written
by humans. In this work, we performed multi-dimensional scaling (MDS) to
confirm the distributions of 216 texts of three classes (72 academic papers
written by 36 single authors, 72 texts generated by GPT-3.5, and 72 texts
generated by GPT-4 on the basis of the titles of the aforementioned papers)
focusing on the following stylometric features: (1) bigrams of parts-of-speech,
(2) bigram of postpositional particle words, (3) positioning of commas, and (4)
rate of function words. MDS revealed distinct distributions at each stylometric
feature of GPT (-3.5 and -4) and human. Although GPT-4 is more powerful than
GPT-3.5 because it has more parameters, both GPT (-3.5 and -4) distributions
are likely to overlap. These results indicate that although the number of
parameters may increase in the future, GPT-generated texts may not be close to
that written by humans in terms of stylometric features. Second, we verified
the classification performance of random forest (RF) for two classes (GPT and
human) focusing on Japanese stylometric features. This study revealed the high
performance of RF in each stylometric feature: The RF classifier focusing on
the rate of function words achieved 98.1% accuracy. Furthermore the RF
classifier focusing on all stylometric features reached 100% in terms of all
performance indexes (accuracy, recall, precision, and F1 score). This study
concluded that at this stage we human discriminate ChatGPT from human limited
to Japanese language. | cs.CL | Distinguishing ChatGPT(-3.5, -4)-generated and human-written papers through Japanese stylometric analysis |
2023-04-11T22:30:03Z | http://arxiv.org/pdf/2304.05524v1 | http://arxiv.org/abs/2304.05524v1 | Cheng Zhang, Stefan Bauer, Paul Bennett, Jiangfeng Gao, Wenbo Gong, Agrin Hilmkil, Joel Jennings, Chao Ma, Tom Minka, Nick Pawlowski, James Vaughan | 2023-04-11T22:30:03Z | cs.LG, cs.CL | We assess the ability of large language models (LLMs) to answer causal
questions by analyzing their strengths and weaknesses against three types of
causal question. We believe that current LLMs can answer causal questions with
existing causal knowledge as combined domain experts. However, they are not yet
able to provide satisfactory answers for discovering new knowledge or for
high-stakes decision-making tasks with high precision. We discuss possible
future directions and opportunities, such as enabling explicit and implicit
causal modules as well as deep causal-aware LLMs. These will not only enable
LLMs to answer many different types of causal questions for greater impact but
also enable LLMs to be more trustworthy and efficient in general. | cs.LG | Understanding Causality with Large Language Models: Feasibility and Opportunities |
2023-04-11T22:26:10Z | http://arxiv.org/pdf/2304.05523v1 | http://arxiv.org/abs/2304.05523v1 | Rakesh Chada, Zhaoheng Zheng, Pradeep Natarajan | 2023-04-11T22:26:10Z | cs.CV, cs.AI, cs.CL | We propose a self-supervised shared encoder model that achieves strong
results on several visual, language and multimodal benchmarks while being data,
memory and run-time efficient. We make three key contributions. First, in
contrast to most existing works, we use a single transformer with all the
encoder layers processing both the text and the image modalities. Second, we
propose a stage-wise training strategy where the model is first trained on
images, then jointly with unimodal text and image datasets and finally jointly
with text and text-image datasets. Third, to preserve information across both
the modalities, we propose a training pipeline that learns simultaneously from
gradient updates of different modalities at each training update step. The
results on downstream text-only, image-only and multimodal tasks show that our
model is competitive with several strong models while using fewer parameters
and lesser pre-training data. For example, MoMo performs competitively with
FLAVA on multimodal (+3.1), image-only (+1.1) and text-only (-0.1) tasks
despite having 2/5th the number of parameters and using 1/3rd the image-text
training pairs. Finally, we ablate various design choices and further show that
increasing model size produces significant performance gains indicating
potential for substantial improvements with larger models using our approach. | cs.CV | MoMo: A shared encoder Model for text, image and multi-Modal representations |
2023-04-11T21:37:50Z | http://arxiv.org/pdf/2304.05512v1 | http://arxiv.org/abs/2304.05512v1 | Taner Arsan, Sehnaz Sismanoglu Simsek, Onder Pekcan | 2023-04-11T21:37:50Z | cs.CL | In this study, Nobel Laureate Orhan Pamuk's works are chosen as examples of
Turkish literature. By counting the number of letters and words in his texts,
we find it possible to study his works statistically. It has been known that
there is a geometrical order in text structures. Here the method based on the
basic assumption of fractal geometry is introduced for calculating the fractal
dimensions of Pamuk's texts. The results are compared with the applications of
Zipf's law, which is successfully applied for letters and words, where two
concepts, namely Zipf's dimension and Zipf's order, are introduced. The Zipf
dimension of the novel My Name is Red is found to be much different than his
other novels. However, it is linguistically observed that there is no
fundamental difference between his corpora. The results are interpreted in
terms of fractal dimensions and the Turkish language. | cs.CL | Mathematical and Linguistic Characterization of Orhan Pamuk's Nobel Works |
2023-04-11T21:31:39Z | http://arxiv.org/pdf/2304.05510v2 | http://arxiv.org/abs/2304.05510v2 | Saeid Ashraf Vaghefi, Qian Wang, Veruska Muccione, Jingwei Ni, Mathias Kraus, Julia Bingler, Tobias Schimanski, Chiara Colesanti-Senni, Nicolas Webersinke, Christrian Huggel, Markus Leippold | 2023-04-28T15:07:41Z | cs.CL | Large Language Models (LLMs) have made significant progress in recent years,
achieving remarkable results in question-answering tasks (QA). However, they
still face two major challenges: hallucination and outdated information after
the training phase. These challenges take center stage in critical domains like
climate change, where obtaining accurate and up-to-date information from
reliable sources in a limited time is essential and difficult. To overcome
these barriers, one potential solution is to provide LLMs with access to
external, scientifically accurate, and robust sources (long-term memory) to
continuously update their knowledge and prevent the propagation of inaccurate,
incorrect, or outdated information. In this study, we enhanced GPT-4 by
integrating the information from the Sixth Assessment Report of the
Intergovernmental (IPCC AR6), the most comprehensive, up-to-date, and reliable
source in this domain. We present our conversational AI prototype, available at
www.chatclimate.ai and demonstrate its ability to answer challenging questions
accurately in three different QA scenarios: asking from 1) GPT-4, 2)
chatClimate, and 3) hybrid chatClimate. The answers and their sources were
evaluated by our team of IPCC authors, who used their expert knowledge to score
the accuracy of the answers from 1 (very-low) to 5 (very-high). The evaluation
showed that the hybrid chatClimate provided more accurate answers, highlighting
the effectiveness of our solution. This approach can be easily scaled for
chatbots in specific domains, enabling the delivery of reliable and accurate
information. | cs.CL | chatClimate: Grounding Conversational AI in Climate Science |
2023-04-11T21:21:46Z | http://arxiv.org/pdf/2304.09093v1 | http://arxiv.org/abs/2304.09093v1 | Huy Dao, Dung D. Le, Cuong Chu | 2023-04-11T21:21:46Z | cs.IR, cs.CL, cs.LG | State-of-the-art methods on conversational recommender systems (CRS) leverage
external knowledge to enhance both items' and contextual words' representations
to achieve high quality recommendations and responses generation. However, the
representations of the items and words are usually modeled in two separated
semantic spaces, which leads to misalignment issue between them. Consequently,
this will cause the CRS to only achieve a sub-optimal ranking performance,
especially when there is a lack of sufficient information from the user's
input. To address limitations of previous works, we propose a new CRS framework
KLEVER, which jointly models items and their associated contextual words in the
same semantic space. Particularly, we construct an item descriptive graph from
the rich items' textual features, such as item description and categories.
Based on the constructed descriptive graph, KLEVER jointly learns the
embeddings of the words and items, towards enhancing both recommender and
dialog generation modules. Extensive experiments on benchmarking CRS dataset
demonstrate that KLEVER achieves superior performance, especially when the
information from the users' responses is lacking. | cs.IR | Improving Items and Contexts Understanding with Descriptive Graph for Conversational Recommendation |
2023-04-11T20:41:41Z | http://arxiv.org/pdf/2304.05489v1 | http://arxiv.org/abs/2304.05489v1 | Kun Qian, Ryan Shea, Yu Li, Luke Kutszik Fryer, Zhou Yu | 2023-04-11T20:41:41Z | cs.CL | Along with the development of systems for natural language understanding and
generation, dialog systems have been widely adopted for language learning and
practicing. Many current educational dialog systems perform chitchat, where the
generated content and vocabulary are not constrained. However, for learners in
a school setting, practice through dialog is more effective if it aligns with
students' curriculum and focuses on textbook vocabulary. Therefore, we adapt
lexically constrained decoding to a dialog system, which urges the dialog
system to include curriculum-aligned words and phrases in its generated
utterances. We adopt a generative dialog system, BlenderBot3, as our backbone
model and evaluate our curriculum-based dialog system with middle school
students learning English as their second language. The constrained words and
phrases are derived from their textbooks, suggested by their English teachers.
The evaluation result demonstrates that the dialog system with curriculum
infusion improves students' understanding of target words and increases their
interest in practicing English. | cs.CL | User Adaptive Language Learning Chatbots with a Curriculum |
2023-04-11T19:33:41Z | http://arxiv.org/pdf/2304.05468v1 | http://arxiv.org/abs/2304.05468v1 | Ulfeta A. Marovac, Aldina R. Avdić, Nikola Lj. Milošević | 2023-04-11T19:33:41Z | cs.CL, cs.DL, cs.HC, A.1 | The Serbian language is a Slavic language spoken by over 12 million speakers
and well understood by over 15 million people. In the area of natural language
processing, it can be considered a low-resourced language. Also, Serbian is
considered a high-inflectional language. The combination of many word
inflections and low availability of language resources makes natural language
processing of Serbian challenging. Nevertheless, over the past three decades,
there have been a number of initiatives to develop resources and methods for
natural language processing of Serbian, ranging from developing a corpus of
free text from books and the internet, annotated corpora for classification and
named entity recognition tasks to various methods and models performing these
tasks. In this paper, we review the initiatives, resources, methods, and their
availability. | cs.CL | A Survey of Resources and Methods for Natural Language Processing of Serbian Language |
2023-04-11T18:59:05Z | http://arxiv.org/pdf/2304.05454v1 | http://arxiv.org/abs/2304.05454v1 | Chenhan Yuan, Qianqian Xie, Sophia Ananiadou | 2023-04-11T18:59:05Z | cs.CL, cs.AI | The goal of temporal relation extraction is to infer the temporal relation
between two events in the document. Supervised models are dominant in this
task. In this work, we investigate ChatGPT's ability on zero-shot temporal
relation extraction. We designed three different prompt techniques to break
down the task and evaluate ChatGPT. Our experiments show that ChatGPT's
performance has a large gap with that of supervised methods and can heavily
rely on the design of prompts. We further demonstrate that ChatGPT can infer
more small relation classes correctly than supervised methods. The current
shortcomings of ChatGPT on temporal relation extraction are also discussed in
this paper. We found that ChatGPT cannot keep consistency during temporal
inference and it fails in actively long-dependency temporal inference. | cs.CL | Zero-shot Temporal Relation Extraction with ChatGPT |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.