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-02-01T11:20:18Z | http://arxiv.org/pdf/2302.00378v2 | http://arxiv.org/abs/2302.00378v2 | Mohammad Akbar-Tajari, Sara Rajaee, Mohammad Taher Pilehvar | 2023-02-22T16:56:58Z | cs.CL | Parameter-efficient fine-tuning approaches have recently garnered a lot of
attention. Having considerably lower number of trainable weights, these methods
can bring about scalability and computational effectiveness. In this paper, we
look for optimal sub-networks and investigate the capability of different
transformer modules in transferring knowledge from a pre-trained model to a
downstream task. Our empirical results suggest that every transformer module in
BERT can act as a winning ticket: fine-tuning each specific module while
keeping the rest of the network frozen can lead to comparable performance to
the full fine-tuning. Among different modules, LayerNorms exhibit the best
capacity for knowledge transfer with limited trainable weights, to the extent
that, with only 0.003% of all parameters in the layer-wise analysis, they show
acceptable performance on various target tasks. On the reasons behind their
effectiveness, we argue that their notable performance could be attributed to
their high-magnitude weights compared to that of the other modules in the
pre-trained BERT. | cs.CL | An Empirical Study on the Transferability of Transformer Modules in Parameter-Efficient Fine-Tuning |
2023-02-01T09:52:36Z | http://arxiv.org/pdf/2302.00340v1 | http://arxiv.org/abs/2302.00340v1 | Zeping Min | 2023-02-01T09:52:36Z | cs.CL, cs.AI | Transformers have achieved great success in machine translation, but
transformer-based NMT models often require millions of bilingual parallel
corpus for training. In this paper, we propose a novel architecture named as
attention link (AL) to help improve transformer models' performance, especially
in low training resources. We theoretically demonstrate the superiority of our
attention link architecture in low training resources. Besides, we have done a
large number of experiments, including en-de, de-en, en-fr, en-it, it-en, en-ro
translation tasks on the IWSLT14 dataset as well as real low resources scene on
bn-gu and gu-ta translation tasks on the CVIT PIB dataset. All the experiment
results show our attention link is powerful and can lead to a significant
improvement. In addition, we achieve a 37.9 BLEU score, a new sota, on the
IWSLT14 de-en task by combining our attention link and other advanced methods. | cs.CL | Attention Link: An Efficient Attention-Based Low Resource Machine Translation Architecture |
2023-02-01T09:11:05Z | http://arxiv.org/pdf/2302.00326v1 | http://arxiv.org/abs/2302.00326v1 | Alix Auzepy, Elena Tönjes, David Lenz, Christoph Funk | 2023-02-01T09:11:05Z | cs.CY, cs.CL | We examine climate-related disclosures in a large sample of reports published
by banks that officially endorsed the recommendations of the Task Force for
Climate-related Financial Disclosures (TCFD). In doing so, we introduce a new
application of the zero-shot text classification. By developing a set of
fine-grained TCFD labels, we show that zero-shot analysis is a useful tool for
classifying climate-related disclosures without further model training.
Overall, our findings indicate that corporate climate-related disclosures grew
dynamically after the launch of the TCFD recommendations. However, there are
marked differences in the extent of reporting by recommended disclosure topic,
suggesting that some recommendations have not yet been fully met. Our findings
yield important conclusions for the design of climate-related disclosure
frameworks. | cs.CY | Evaluating TCFD Reporting: A New Application of Zero-Shot Analysis to Climate-Related Financial Disclosures |
2023-02-01T08:55:08Z | http://arxiv.org/pdf/2302.00321v1 | http://arxiv.org/abs/2302.00321v1 | Amir Sartipi, Meghdad Dehghan, Afsaneh Fatemi | 2023-02-01T08:55:08Z | cs.CL, cs.AI | Nowadays, many researchers are focusing their attention on the subject of
machine translation (MT). However, Persian machine translation has remained
unexplored despite a vast amount of research being conducted in languages with
high resources, such as English. Moreover, while a substantial amount of
research has been undertaken in statistical machine translation for some
datasets in Persian, there is currently no standard baseline for
transformer-based text2text models on each corpus. This study collected and
analysed the most popular and valuable parallel corpora, which were used for
Persian-English translation. Furthermore, we fine-tuned and evaluated two
state-of-the-art attention-based seq2seq models on each dataset separately (48
results). We hope this paper will assist researchers in comparing their Persian
to English and vice versa machine translation results to a standard baseline. | cs.CL | An Evaluation of Persian-English Machine Translation Datasets with Transformers |
2023-02-01T04:34:48Z | http://arxiv.org/pdf/2302.00239v1 | http://arxiv.org/abs/2302.00239v1 | Chen Chen, Dylan Walker, Venkatesh Saligrama | 2023-02-01T04:34:48Z | cs.LG, cs.CL, stat.ML | We propose a novel supervised learning approach for political ideology
prediction (PIP) that is capable of predicting out-of-distribution inputs. This
problem is motivated by the fact that manual data-labeling is expensive, while
self-reported labels are often scarce and exhibit significant selection bias.
We propose a novel statistical model that decomposes the document embeddings
into a linear superposition of two vectors; a latent neutral \emph{context}
vector independent of ideology, and a latent \emph{position} vector aligned
with ideology. We train an end-to-end model that has intermediate contextual
and positional vectors as outputs. At deployment time, our model predicts
labels for input documents by exclusively leveraging the predicted positional
vectors. On two benchmark datasets we show that our model is capable of
outputting predictions even when trained with as little as 5\% biased data, and
is significantly more accurate than the state-of-the-art. Through
crowd-sourcing we validate the neutrality of contextual vectors, and show that
context filtering results in ideological concentration, allowing for prediction
on out-of-distribution examples. | cs.LG | Filtering Context Mitigates Scarcity and Selection Bias in Political Ideology Prediction |
2023-02-01T03:05:14Z | http://arxiv.org/pdf/2302.00200v1 | http://arxiv.org/abs/2302.00200v1 | J. Nathaniel Holmes, Homayoon Beigi | 2023-02-01T03:05:14Z | cs.FL, cs.AI, cs.CL, cs.LG, math.RA | Not all contracts are good, but all good contracts can be expressed as a
finite-state transition system ("State-Transition Contracts"). Contracts that
can be represented as State-Transition Contracts discretize fat-tailed risk to
foreseeable, managed risk, define the boundary of relevant events governed by
the relationship, and eliminate the potential of inconsistent contractual
provisions. Additionally, State-Transition Contracts reap the substantial
benefit of being able to be analyzed under the rules governing the science of
the theory of computation. Simple State-Transition Contracts can be represented
as discrete finite automata; more complicated State-Transition Contracts, such
as those that have downstream effects on other agreements or complicated
pathways of performance, benefit from representation as weighted finite-state
transducers, with weights assigned as costs, penalties, or probabilities of
transitions. This research paper (the "Research" or "Paper") presents a complex
legal transaction represented as weighted finite-state transducers.
Furthermore, we show that the mathematics/algorithms permitted by the algebraic
structure of weighted finite-state transducers provides actionable, legal
insight into the transaction. | cs.FL | A Transaction Represented with Weighted Finite-State Transducers |
2023-02-01T02:54:43Z | http://arxiv.org/pdf/2303.12038v1 | http://arxiv.org/abs/2303.12038v1 | Grant Rosario, David Noever | 2023-02-01T02:54:43Z | cs.CL, cs.LG | Chatbots have long been capable of answering basic questions and even
responding to obscure prompts, but recently their improvements have been far
more significant. Modern chatbots like Open AIs ChatGPT3 not only have the
ability to answer basic questions but can write code and movie scripts and
imitate well-known people. In this paper, we analyze ChatGPTs' responses to
various questions from a dataset of queries from the popular Quora forum. We
submitted sixty questions to ChatGPT and scored the answers based on three
industry-standard metrics for grading machine translation: BLEU, METEOR, and
ROUGE. These metrics allow us to compare the machine responses with the most
upvoted human answer to the same question to assess ChatGPT's ability to submit
a humanistic reply. The results showed that while the responses and translation
abilities of ChatGPT are remarkable, they still fall short of what a typical
human reaction would be. | cs.CL | Grading Conversational Responses Of Chatbots |
2023-02-01T02:44:28Z | http://arxiv.org/pdf/2302.00189v2 | http://arxiv.org/abs/2302.00189v2 | John E. Miller, Johann-Mattis List | 2023-02-21T08:13:54Z | cs.CL | Language contact is a pervasive phenomenon reflected in the borrowing of
words from donor to recipient languages. Most computational approaches to
borrowing detection treat all languages under study as equally important, even
though dominant languages have a stronger impact on heritage languages than
vice versa. We test new methods for lexical borrowing detection in contact
situations where dominant languages play an important role, applying two
classical sequence comparison methods and one machine learning method to a
sample of seven Latin American languages which have all borrowed extensively
from Spanish. All methods perform well, with the supervised machine learning
system outperforming the classical systems. A review of detection errors shows
that borrowing detection could be substantially improved by taking into account
donor words with divergent meanings from recipient words. | cs.CL | Detecting Lexical Borrowings from Dominant Languages in Multilingual Wordlists |
2023-02-01T01:51:45Z | http://arxiv.org/pdf/2302.00178v1 | http://arxiv.org/abs/2302.00178v1 | Anthony Manchin, Jamie Sherrah, Qi Wu, Anton van den Hengel | 2023-02-01T01:51:45Z | cs.CV, cs.CL, cs.LG | The ability to use inductive reasoning to extract general rules from multiple
observations is a vital indicator of intelligence. As humans, we use this
ability to not only interpret the world around us, but also to predict the
outcomes of the various interactions we experience. Generalising over multiple
observations is a task that has historically presented difficulties for
machines to grasp, especially when requiring computer vision. In this paper, we
propose a model that can extract general rules from video demonstrations by
simultaneously performing summarisation and translation. Our approach differs
from prior works by framing the problem as a multi-sequence-to-sequence task,
wherein summarisation is learnt by the model. This allows our model to utilise
edge cases that would otherwise be suppressed or discarded by traditional
summarisation techniques. Additionally, we show that our approach can handle
noisy specifications without the need for additional filtering methods. We
evaluate our model by synthesising programs from video demonstrations in the
Vizdoom environment achieving state-of-the-art results with a relative increase
of 11.75% program accuracy on prior works | cs.CV | Program Generation from Diverse Video Demonstrations |
2023-01-31T22:35:11Z | http://arxiv.org/pdf/2302.00129v1 | http://arxiv.org/abs/2302.00129v1 | Fermín Moscoso del Prado Martín | 2023-01-31T22:35:11Z | cs.CL, q-bio.NC | Human syntactic structures are usually represented as graphs. Much research
has focused on the mapping between such graphs and linguistic sequences, but
less attention has been paid to the shapes of the graphs themselves: their
topologies. This study investigates how the topologies of syntactic graphs
reveal traces of the processes that led to their emergence. I report a new
universal regularity in syntactic structures: Their topology is communicatively
efficient above chance. The pattern holds, without exception, for all 124
languages studied, across linguistic families and modalities (spoken, written,
and signed). This pattern can arise from a process optimizing for communicative
efficiency or, alternatively, by construction, as a by-effect of a sublinear
preferential attachment process reflecting language production mechanisms known
from psycholinguistics. This dual explanation shows how communicative
efficiency, per se, does not require optimization. Among the two options,
efficiency without optimization offers the better explanation for the new
pattern. | cs.CL | Universal Topological Regularities of Syntactic Structures: Decoupling Efficiency from Optimization |
2023-01-31T21:59:35Z | http://arxiv.org/pdf/2302.00119v1 | http://arxiv.org/abs/2302.00119v1 | Bryan Zhang, Amita Misra | 2023-01-31T21:59:35Z | cs.CL, cs.IR | Previous work suggests that performance of cross-lingual information
retrieval correlates highly with the quality of Machine Translation. However,
there may be a threshold beyond which improving query translation quality
yields little or no benefit to further improve the retrieval performance. This
threshold may depend upon multiple factors including the source and target
languages, the existing MT system quality and the search pipeline. In order to
identify the benefit of improving an MT system for a given search pipeline, we
investigate the sensitivity of retrieval quality to the presence of different
levels of MT quality using experimental datasets collected from actual traffic.
We systematically improve the performance of our MT systems quality on language
pairs as measured by MT evaluation metrics including Bleu and Chrf to determine
their impact on search precision metrics and extract signals that help to guide
the improvement strategies. Using this information we develop techniques to
compare query translations for multiple language pairs and identify the most
promising language pairs to invest and improve. | cs.CL | Machine Translation Impact in E-commerce Multilingual Search |
2023-01-31T21:08:58Z | http://arxiv.org/pdf/2302.00102v3 | http://arxiv.org/abs/2302.00102v3 | Melanie Subbiah, Amrita Bhattacharjee, Yilun Hua, Tharindu Kumarage, Huan Liu, Kathleen McKeown | 2023-08-02T17:16:48Z | cs.CL, cs.LG | Manipulated news online is a growing problem which necessitates the use of
automated systems to curtail its spread. We argue that while misinformation and
disinformation detection have been studied, there has been a lack of investment
in the important open challenge of detecting harmful agendas in news articles;
identifying harmful agendas is critical to flag news campaigns with the
greatest potential for real world harm. Moreover, due to real concerns around
censorship, harmful agenda detectors must be interpretable to be effective. In
this work, we propose this new task and release a dataset, NewsAgendas, of
annotated news articles for agenda identification. We show how interpretable
systems can be effective on this task and demonstrate that they can perform
comparably to black-box models. | cs.CL | Towards Detecting Harmful Agendas in News Articles |
2023-01-31T20:48:57Z | http://arxiv.org/pdf/2302.00093v3 | http://arxiv.org/abs/2302.00093v3 | Freda Shi, Xinyun Chen, Kanishka Misra, Nathan Scales, David Dohan, Ed Chi, Nathanael Schärli, Denny Zhou | 2023-06-06T08:36:20Z | cs.CL, cs.AI | Large language models have achieved impressive performance on various natural
language processing tasks. However, so far they have been evaluated primarily
on benchmarks where all information in the input context is relevant for
solving the task. In this work, we investigate the distractibility of large
language models, i.e., how the model problem-solving accuracy can be influenced
by irrelevant context. In particular, we introduce Grade-School Math with
Irrelevant Context (GSM-IC), an arithmetic reasoning dataset with irrelevant
information in the problem description. We use this benchmark to measure the
distractibility of cutting-edge prompting techniques for large language models,
and find that the model performance is dramatically decreased when irrelevant
information is included. We also identify several approaches for mitigating
this deficiency, such as decoding with self-consistency and adding to the
prompt an instruction that tells the language model to ignore the irrelevant
information. | cs.CL | Large Language Models Can Be Easily Distracted by Irrelevant Context |
2023-01-31T20:26:16Z | http://arxiv.org/pdf/2302.00083v3 | http://arxiv.org/abs/2302.00083v3 | Ori Ram, Yoav Levine, Itay Dalmedigos, Dor Muhlgay, Amnon Shashua, Kevin Leyton-Brown, Yoav Shoham | 2023-08-01T12:10:15Z | cs.CL, cs.IR | Retrieval-Augmented Language Modeling (RALM) methods, which condition a
language model (LM) on relevant documents from a grounding corpus during
generation, were shown to significantly improve language modeling performance.
In addition, they can mitigate the problem of factually inaccurate text
generation and provide natural source attribution mechanism. Existing RALM
approaches focus on modifying the LM architecture in order to facilitate the
incorporation of external information, significantly complicating deployment.
This paper considers a simple alternative, which we dub In-Context RALM:
leaving the LM architecture unchanged and prepending grounding documents to the
input, without any further training of the LM. We show that In-Context RALM
that builds on off-the-shelf general purpose retrievers provides surprisingly
large LM gains across model sizes and diverse corpora. We also demonstrate that
the document retrieval and ranking mechanism can be specialized to the RALM
setting to further boost performance. We conclude that In-Context RALM has
considerable potential to increase the prevalence of LM grounding, particularly
in settings where a pretrained LM must be used without modification or even via
API access. | cs.CL | In-Context Retrieval-Augmented Language Models |
2023-01-31T18:59:22Z | http://arxiv.org/pdf/2301.13868v1 | http://arxiv.org/abs/2301.13868v1 | Jordan Juravsky, Yunrong Guo, Sanja Fidler, Xue Bin Peng | 2023-01-31T18:59:22Z | cs.LG, cs.AI, cs.CL, cs.GR | Developing systems that can synthesize natural and life-like motions for
simulated characters has long been a focus for computer animation. But in order
for these systems to be useful for downstream applications, they need not only
produce high-quality motions, but must also provide an accessible and versatile
interface through which users can direct a character's behaviors. Natural
language provides a simple-to-use and expressive medium for specifying a user's
intent. Recent breakthroughs in natural language processing (NLP) have
demonstrated effective use of language-based interfaces for applications such
as image generation and program synthesis. In this work, we present PADL, which
leverages recent innovations in NLP in order to take steps towards developing
language-directed controllers for physics-based character animation. PADL
allows users to issue natural language commands for specifying both high-level
tasks and low-level skills that a character should perform. We present an
adversarial imitation learning approach for training policies to map high-level
language commands to low-level controls that enable a character to perform the
desired task and skill specified by a user's commands. Furthermore, we propose
a multi-task aggregation method that leverages a language-based multiple-choice
question-answering approach to determine high-level task objectives from
language commands. We show that our framework can be applied to effectively
direct a simulated humanoid character to perform a diverse array of complex
motor skills. | cs.LG | PADL: Language-Directed Physics-Based Character Control |
2023-01-31T18:59:03Z | http://arxiv.org/pdf/2301.13867v2 | http://arxiv.org/abs/2301.13867v2 | Simon Frieder, Luca Pinchetti, Alexis Chevalier, Ryan-Rhys Griffiths, Tommaso Salvatori, Thomas Lukasiewicz, Philipp Christian Petersen, Julius Berner | 2023-07-20T17:59:14Z | cs.LG, cs.AI, cs.CL | We investigate the mathematical capabilities of two iterations of ChatGPT
(released 9-January-2023 and 30-January-2023) and of GPT-4 by testing them on
publicly available datasets, as well as hand-crafted ones, using a novel
methodology. In contrast to formal mathematics, where large databases of formal
proofs are available (e.g., the Lean Mathematical Library), current datasets of
natural-language mathematics, used to benchmark language models, either cover
only elementary mathematics or are very small. We address this by publicly
releasing two new datasets: GHOSTS and miniGHOSTS. These are the first
natural-language datasets curated by working researchers in mathematics that
(1) aim to cover graduate-level mathematics, (2) provide a holistic overview of
the mathematical capabilities of language models, and (3) distinguish multiple
dimensions of mathematical reasoning. These datasets also test whether ChatGPT
and GPT-4 can be helpful assistants to professional mathematicians by emulating
use cases that arise in the daily professional activities of mathematicians. We
benchmark the models on a range of fine-grained performance metrics. For
advanced mathematics, this is the most detailed evaluation effort to date. We
find that ChatGPT can be used most successfully as a mathematical assistant for
querying facts, acting as a mathematical search engine and knowledge base
interface. GPT-4 can additionally be used for undergraduate-level mathematics
but fails on graduate-level difficulty. Contrary to many positive reports in
the media about GPT-4 and ChatGPT's exam-solving abilities (a potential case of
selection bias), their overall mathematical performance is well below the level
of a graduate student. Hence, if your goal is to use ChatGPT to pass a
graduate-level math exam, you would be better off copying from your average
peer! | cs.LG | Mathematical Capabilities of ChatGPT |
2023-01-31T18:46:19Z | http://arxiv.org/pdf/2301.13848v1 | http://arxiv.org/abs/2301.13848v1 | Tianyi Zhang, Faisal Ladhak, Esin Durmus, Percy Liang, Kathleen McKeown, Tatsunori B. Hashimoto | 2023-01-31T18:46:19Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) have shown promise for automatic summarization
but the reasons behind their successes are poorly understood. By conducting a
human evaluation on ten LLMs across different pretraining methods, prompts, and
model scales, we make two important observations. First, we find instruction
tuning, and not model size, is the key to the LLM's zero-shot summarization
capability. Second, existing studies have been limited by low-quality
references, leading to underestimates of human performance and lower few-shot
and finetuning performance. To better evaluate LLMs, we perform human
evaluation over high-quality summaries we collect from freelance writers.
Despite major stylistic differences such as the amount of paraphrasing, we find
that LMM summaries are judged to be on par with human written summaries. | cs.CL | Benchmarking Large Language Models for News Summarization |
2023-01-31T18:40:46Z | http://arxiv.org/pdf/2301.13844v1 | http://arxiv.org/abs/2301.13844v1 | Jay DeYoung, Stephanie C. Martinez, Iain J. Marshall, Byron C. Wallace | 2023-01-31T18:40:46Z | cs.CL | Multi-document summarization entails producing concise synopses of
collections of inputs. For some applications, the synopsis should accurately
\emph{synthesize} inputs with respect to a key property or aspect. For example,
a synopsis of film reviews all written about a particular movie should reflect
the average critic consensus. As a more consequential example, consider
narrative summaries that accompany biomedical \emph{systematic reviews} of
clinical trial results. These narratives should fairly summarize the
potentially conflicting results from individual trials.
In this paper we ask: To what extent do modern multi-document summarization
models implicitly perform this type of synthesis? To assess this we perform a
suite of experiments that probe the degree to which conditional generation
models trained for summarization using standard methods yield outputs that
appropriately synthesize inputs. We find that existing models do partially
perform synthesis, but do so imperfectly. In particular, they are
over-sensitive to changes in input ordering and under-sensitive to changes in
input compositions (e.g., the ratio of positive to negative movie reviews). We
propose a simple, general method for improving model synthesis capabilities by
generating an explicitly diverse set of candidate outputs, and then selecting
from these the string best aligned with the expected aggregate measure for the
inputs, or \emph{abstaining} when the model produces no good candidate. This
approach improves model synthesis performance. We hope highlighting the need
for synthesis (in some summarization settings), motivates further research into
multi-document summarization methods and learning objectives that explicitly
account for the need to synthesize. | cs.CL | Do Multi-Document Summarization Models Synthesize? |
2023-01-31T18:33:44Z | http://arxiv.org/pdf/2301.13823v4 | http://arxiv.org/abs/2301.13823v4 | Jing Yu Koh, Ruslan Salakhutdinov, Daniel Fried | 2023-06-13T21:54:58Z | cs.CL, cs.AI, cs.CV, cs.LG | We propose an efficient method to ground pretrained text-only language models
to the visual domain, enabling them to process arbitrarily interleaved
image-and-text data, and generate text interleaved with retrieved images. Our
method leverages the abilities of language models learnt from large scale
text-only pretraining, such as in-context learning and free-form text
generation. We keep the language model frozen, and finetune input and output
linear layers to enable cross-modality interactions. This allows our model to
process arbitrarily interleaved image-and-text inputs, and generate free-form
text interleaved with retrieved images. We achieve strong zero-shot performance
on grounded tasks such as contextual image retrieval and multimodal dialogue,
and showcase compelling interactive abilities. Our approach works with any
off-the-shelf language model and paves the way towards an effective, general
solution for leveraging pretrained language models in visually grounded
settings. | cs.CL | Grounding Language Models to Images for Multimodal Inputs and Outputs |
2023-01-31T18:10:38Z | http://arxiv.org/pdf/2301.13826v2 | http://arxiv.org/abs/2301.13826v2 | Hila Chefer, Yuval Alaluf, Yael Vinker, Lior Wolf, Daniel Cohen-Or | 2023-05-31T15:42:00Z | cs.CV, cs.CL, cs.GR, cs.LG | Recent text-to-image generative models have demonstrated an unparalleled
ability to generate diverse and creative imagery guided by a target text
prompt. While revolutionary, current state-of-the-art diffusion models may
still fail in generating images that fully convey the semantics in the given
text prompt. We analyze the publicly available Stable Diffusion model and
assess the existence of catastrophic neglect, where the model fails to generate
one or more of the subjects from the input prompt. Moreover, we find that in
some cases the model also fails to correctly bind attributes (e.g., colors) to
their corresponding subjects. To help mitigate these failure cases, we
introduce the concept of Generative Semantic Nursing (GSN), where we seek to
intervene in the generative process on the fly during inference time to improve
the faithfulness of the generated images. Using an attention-based formulation
of GSN, dubbed Attend-and-Excite, we guide the model to refine the
cross-attention units to attend to all subject tokens in the text prompt and
strengthen - or excite - their activations, encouraging the model to generate
all subjects described in the text prompt. We compare our approach to
alternative approaches and demonstrate that it conveys the desired concepts
more faithfully across a range of text prompts. | cs.CV | Attend-and-Excite: Attention-Based Semantic Guidance for Text-to-Image Diffusion Models |
2023-01-31T18:02:26Z | http://arxiv.org/pdf/2301.13816v4 | http://arxiv.org/abs/2301.13816v4 | Parshin Shojaee, Aneesh Jain, Sindhu Tipirneni, Chandan K. Reddy | 2023-07-19T19:55:31Z | cs.LG, cs.AI, cs.CL, cs.PL | The utilization of programming language (PL) models, pre-trained on
large-scale code corpora, as a means of automating software engineering
processes has demonstrated considerable potential in streamlining various code
generation tasks such as code completion, code translation, and program
synthesis. However, current approaches mainly rely on supervised fine-tuning
objectives borrowed from text generation, neglecting unique sequence-level
characteristics of code, including but not limited to compilability as well as
syntactic and functional correctness. To address this limitation, we propose
PPOCoder, a new framework for code generation that synergistically combines
pre-trained PL models with Proximal Policy Optimization (PPO) which is a widely
used deep reinforcement learning technique. By utilizing non-differentiable
feedback from code execution and structure alignment, PPOCoder seamlessly
integrates external code-specific knowledge into the model optimization
process. It's important to note that PPOCoder is a task-agnostic and
model-agnostic framework that can be used across different code generation
tasks and PLs. Extensive experiments on three code generation tasks demonstrate
the effectiveness of our proposed approach compared to SOTA methods, achieving
significant improvements in compilation success rates and functional
correctness across different PLs. | cs.LG | Execution-based Code Generation using Deep Reinforcement Learning |
2023-01-31T17:51:45Z | http://arxiv.org/pdf/2301.13808v3 | http://arxiv.org/abs/2301.13808v3 | Yunhu Ye, Binyuan Hui, Min Yang, Binhua Li, Fei Huang, Yongbin Li | 2023-04-27T11:24:10Z | cs.CL | Table-based reasoning has shown remarkable progress in combining deep models
with discrete reasoning, which requires reasoning over both free-form natural
language (NL) questions and structured tabular data. However, previous
table-based reasoning solutions usually suffer from significant performance
degradation on huge evidence (tables). In addition, most existing methods
struggle to reason over complex questions since the required information is
scattered in different places. To alleviate the above challenges, we exploit
large language models (LLMs) as decomposers for effective table-based
reasoning, which (i) decompose huge evidence (a huge table) into sub-evidence
(a small table) to mitigate the interference of useless information for table
reasoning; and (ii) decompose complex questions into simpler sub-questions for
text reasoning. Specifically, we first use the LLMs to break down the evidence
(tables) involved in the current question, retaining the relevant evidence and
excluding the remaining irrelevant evidence from the huge table. In addition,
we propose a "parsing-execution-filling" strategy to alleviate the
hallucination dilemma of the chain of thought by decoupling logic and numerical
computation in each step. Extensive experiments show that our method can
effectively leverage decomposed evidence and questions and outperforms the
strong baselines on TabFact, WikiTableQuestion, and FetaQA datasets. Notably,
our model outperforms human performance for the first time on the TabFact
dataset. | cs.CL | Large Language Models are Versatile Decomposers: Decompose Evidence and Questions for Table-based Reasoning |
2023-01-31T17:15:33Z | http://arxiv.org/pdf/2301.13771v1 | http://arxiv.org/abs/2301.13771v1 | Nailia Mirzakhmedova, Johannes Kiesel, Milad Alshomary, Maximilian Heinrich, Nicolas Handke, Xiaoni Cai, Barriere Valentin, Doratossadat Dastgheib, Omid Ghahroodi, Mohammad Ali Sadraei, Ehsaneddin Asgari, Lea Kawaletz, Henning Wachsmuth, Benno Stein | 2023-01-31T17:15:33Z | cs.CL | We present the Touch\'e23-ValueEval Dataset for Identifying Human Values
behind Arguments. To investigate approaches for the automated detection of
human values behind arguments, we collected 9324 arguments from 6 diverse
sources, covering religious texts, political discussions, free-text arguments,
newspaper editorials, and online democracy platforms. Each argument was
annotated by 3 crowdworkers for 54 values. The Touch\'e23-ValueEval dataset
extends the Webis-ArgValues-22. In comparison to the previous dataset, the
effectiveness of a 1-Baseline decreases, but that of an out-of-the-box BERT
model increases. Therefore, though the classification difficulty increased as
per the label distribution, the larger dataset allows for training better
models. | cs.CL | The Touché23-ValueEval Dataset for Identifying Human Values behind Arguments |
2023-01-31T16:41:06Z | http://arxiv.org/pdf/2301.13753v1 | http://arxiv.org/abs/2301.13753v1 | Xiang Lin, Prathyusha Jwalapuram, Shafiq Joty | 2023-01-31T16:41:06Z | cs.CL | State-of-the-art neural text generation models are typically trained to
maximize the likelihood of each token in the ground-truth sequence conditioned
on the previous target tokens. However, during inference, the model needs to
make a prediction conditioned on the tokens generated by itself. This
train-test discrepancy is referred to as exposure bias. Scheduled sampling is a
curriculum learning strategy that gradually exposes the model to its own
predictions during training to mitigate this bias. Most of the proposed
approaches design a scheduler based on training steps, which generally requires
careful tuning depending on the training setup. In this work, we introduce
Dynamic Scheduled Sampling with Imitation Loss (DySI), which maintains the
schedule based solely on the training time accuracy, while enhancing the
curriculum learning by introducing an imitation loss, which attempts to make
the behavior of the decoder indistinguishable from the behavior of a
teacher-forced decoder. DySI is universally applicable across training setups
with minimal tuning. Extensive experiments and analysis show that DySI not only
achieves notable improvements on standard machine translation benchmarks, but
also significantly improves the robustness of other text generation models. | cs.CL | Dynamic Scheduled Sampling with Imitation Loss for Neural Text Generation |
2023-01-31T16:18:52Z | http://arxiv.org/pdf/2301.13741v3 | http://arxiv.org/abs/2301.13741v3 | Dachuan Shi, Chaofan Tao, Ying Jin, Zhendong Yang, Chun Yuan, Jiaqi Wang | 2023-06-30T03:25:27Z | cs.CV, cs.CL, cs.LG | Real-world data contains a vast amount of multimodal information, among which
vision and language are the two most representative modalities. Moreover,
increasingly heavier models, \textit{e}.\textit{g}., Transformers, have
attracted the attention of researchers to model compression. However, how to
compress multimodal models, especially vison-language Transformers, is still
under-explored. This paper proposes the \textbf{U}nified and
\textbf{P}r\textbf{o}gressive \textbf{P}runing (\textbf{\emph{UPop}}) as a
universal vison-language Transformer compression framework, which incorporates
1) unifiedly searching multimodal subnets in a continuous optimization space
from the original model, which enables automatic assignment of pruning ratios
among compressible modalities and structures; 2) progressively searching and
retraining the subnet, which maintains convergence between the search and
retrain to attain higher compression ratios. Experiments on various tasks,
datasets, and model architectures demonstrate the effectiveness and versatility
of the proposed UPop framework. The code is available at
https://github.com/sdc17/UPop. | cs.CV | UPop: Unified and Progressive Pruning for Compressing Vision-Language Transformers |
2023-01-31T15:56:40Z | http://arxiv.org/pdf/2301.13720v1 | http://arxiv.org/abs/2301.13720v1 | Juuso Eronen, Michal Ptaszynski, Fumito Masui | 2023-01-31T15:56:40Z | cs.CL | We study the selection of transfer languages for different Natural Language
Processing tasks, specifically sentiment analysis, named entity recognition and
dependency parsing. In order to select an optimal transfer language, we propose
to utilize different linguistic similarity metrics to measure the distance
between languages and make the choice of transfer language based on this
information instead of relying on intuition. We demonstrate that linguistic
similarity correlates with cross-lingual transfer performance for all of the
proposed tasks. We also show that there is a statistically significant
difference in choosing the optimal language as the transfer source instead of
English. This allows us to select a more suitable transfer language which can
be used to better leverage knowledge from high-resource languages in order to
improve the performance of language applications lacking data. For the study,
we used datasets from eight different languages from three language families. | cs.CL | Zero-shot cross-lingual transfer language selection using linguistic similarity |
2023-01-31T15:46:39Z | http://arxiv.org/pdf/2301.13714v1 | http://arxiv.org/abs/2301.13714v1 | Verna Dankers, Ivan Titov | 2023-01-31T15:46:39Z | cs.CL | A recent line of work in NLP focuses on the (dis)ability of models to
generalise compositionally for artificial languages. However, when considering
natural language tasks, the data involved is not strictly, or locally,
compositional. Quantifying the compositionality of data is a challenging task,
which has been investigated primarily for short utterances. We use recursive
neural models (Tree-LSTMs) with bottlenecks that limit the transfer of
information between nodes. We illustrate that comparing data's representations
in models with and without the bottleneck can be used to produce a
compositionality metric. The procedure is applied to the evaluation of
arithmetic expressions using synthetic data, and sentiment classification using
natural language data. We demonstrate that compression through a bottleneck
impacts non-compositional examples disproportionately and then use the
bottleneck compositionality metric (BCM) to distinguish compositional from
non-compositional samples, yielding a compositionality ranking over a dataset. | cs.CL | Recursive Neural Networks with Bottlenecks Diagnose (Non-)Compositionality |
2023-01-31T15:03:44Z | http://arxiv.org/pdf/2301.13688v2 | http://arxiv.org/abs/2301.13688v2 | Shayne Longpre, Le Hou, Tu Vu, Albert Webson, Hyung Won Chung, Yi Tay, Denny Zhou, Quoc V. Le, Barret Zoph, Jason Wei, Adam Roberts | 2023-02-14T16:33:33Z | cs.AI, cs.CL, cs.LG | We study the design decisions of publicly available instruction tuning
methods, and break down the development of Flan 2022 (Chung et al., 2022).
Through careful ablation studies on the Flan Collection of tasks and methods,
we tease apart the effect of design decisions which enable Flan-T5 to
outperform prior work by 3-17%+ across evaluation settings. We find task
balancing and enrichment techniques are overlooked but critical to effective
instruction tuning, and in particular, training with mixed prompt settings
(zero-shot, few-shot, and chain-of-thought) actually yields stronger (2%+)
performance in all settings. In further experiments, we show Flan-T5 requires
less finetuning to converge higher and faster than T5 on single downstream
tasks, motivating instruction-tuned models as more computationally-efficient
starting checkpoints for new tasks. Finally, to accelerate research on
instruction tuning, we make the Flan 2022 collection of datasets, templates,
and methods publicly available at
https://github.com/google-research/FLAN/tree/main/flan/v2. | cs.AI | The Flan Collection: Designing Data and Methods for Effective Instruction Tuning |
2023-01-31T15:00:56Z | http://arxiv.org/pdf/2301.13683v1 | http://arxiv.org/abs/2301.13683v1 | Mian Zhang, Lifeng Jin, Linfeng Song, Haitao Mi, Xiabing Zhou, Dong Yu | 2023-01-31T15:00:56Z | cs.CL | Current self-training methods such as standard self-training, co-training,
tri-training, and others often focus on improving model performance on a single
task, utilizing differences in input features, model architectures, and
training processes. However, many tasks in natural language processing are
about different but related aspects of language, and models trained for one
task can be great teachers for other related tasks. In this work, we propose
friend-training, a cross-task self-training framework, where models trained to
do different tasks are used in an iterative training, pseudo-labeling, and
retraining process to help each other for better selection of pseudo-labels.
With two dialogue understanding tasks, conversational semantic role labeling
and dialogue rewriting, chosen for a case study, we show that the models
trained with the friend-training framework achieve the best performance
compared to strong baselines. | cs.CL | Friend-training: Learning from Models of Different but Related Tasks |
2023-01-31T14:37:04Z | http://arxiv.org/pdf/2301.13668v1 | http://arxiv.org/abs/2301.13668v1 | Ritumbra Manuvie, Saikat Chatterjee | 2023-01-31T14:37:04Z | cs.CL, cs.LG | In recent years, there has been a heightened consensus within academia and in
the public discourse that Social Media Platforms (SMPs), amplify the spread of
hateful and negative sentiment content. Researchers have identified how hateful
content, political propaganda, and targeted messaging contributed to real-world
harms including insurrections against democratically elected governments,
genocide, and breakdown of social cohesion due to heightened negative discourse
towards certain communities in parts of the world. To counter these issues,
SMPs have created semi-automated systems that can help identify toxic speech.
In this paper we analyse the statistical distribution of hateful and negative
sentiment contents within a representative Facebook dataset (n= 604,703)
scrapped through 648 public Facebook pages which identify themselves as
proponents (and followers) of far-right Hindutva actors. These pages were
identified manually using keyword searches on Facebook and on CrowdTangleand
classified as far-right Hindutva pages based on page names, page descriptions,
and discourses shared on these pages. We employ state-of-the-art, open-source
XLM-T multilingual transformer-based language models to perform sentiment and
hate speech analysis of the textual contents shared on these pages over a
period of 5.5 years. The result shows the statistical distributions of the
predicted sentiment and the hate speech labels; top actors, and top page
categories. We further discuss the benchmark performances and limitations of
these pre-trained language models. | cs.CL | Automated Sentiment and Hate Speech Analysis of Facebook Data by Employing Multilingual Transformer Models |
2023-01-31T13:44:34Z | http://arxiv.org/pdf/2301.13631v2 | http://arxiv.org/abs/2301.13631v2 | Bing Zhou, Lei Zou, Yingjie Hu, Yi Qiang, Daniel Goldberg | 2023-02-03T17:45:11Z | cs.CL, cs.AI | Extracting precise geographical information from textual contents is crucial
in a plethora of applications. For example, during hazardous events, a robust
and unbiased toponym extraction framework can provide an avenue to tie the
location concerned to the topic discussed by news media posts and pinpoint
humanitarian help requests or damage reports from social media. Early studies
have leveraged rule-based, gazetteer-based, deep learning, and hybrid
approaches to address this problem. However, the performance of existing tools
is deficient in supporting operations like emergency rescue, which relies on
fine-grained, accurate geographic information. The emerging pretrained language
models can better capture the underlying characteristics of text information,
including place names, offering a promising pathway to optimize toponym
recognition to underpin practical applications. In this paper, TopoBERT, a
toponym recognition module based on a one dimensional Convolutional Neural
Network (CNN1D) and Bidirectional Encoder Representation from Transformers
(BERT), is proposed and fine-tuned. Three datasets (CoNLL2003-Train,
Wikipedia3000, WNUT2017) are leveraged to tune the hyperparameters, discover
the best training strategy, and train the model. Another two datasets
(CoNLL2003-Test and Harvey2017) are used to evaluate the performance. Three
distinguished classifiers, linear, multi-layer perceptron, and CNN1D, are
benchmarked to determine the optimal model architecture. TopoBERT achieves
state-of-the-art performance (f1-score=0.865) compared to the other five
baseline models and can be applied to diverse toponym recognition tasks without
additional training. | cs.CL | TopoBERT: Plug and Play Toponym Recognition Module Harnessing Fine-tuned BERT |
2023-01-31T08:58:47Z | http://arxiv.org/pdf/2301.13479v1 | http://arxiv.org/abs/2301.13479v1 | Nicolas Gutehrlé, Antoine Doucet, Adam Jatowt | 2023-01-31T08:58:47Z | cs.CL | Archive collections are nowadays mostly available through search engines
interfaces, which allow a user to retrieve documents by issuing queries. The
study of these collections may be, however, impaired by some aspects of search
engines, such as the overwhelming number of documents returned or the lack of
contextual knowledge provided. New methods that could work independently or in
combination with search engines are then required to access these collections.
In this position paper, we propose to extend TimeLine Summarization (TLS)
methods on archive collections to assist in their studies. We provide an
overview of existing TLS methods and we describe a conceptual framework for an
Archive TimeLine Summarization (ATLS) system, which aims to generate
informative, readable and interpretable timelines. | cs.CL | Archive TimeLine Summarization (ATLS): Conceptual Framework for Timeline Generation over Historical Document Collections |
2023-01-31T07:31:34Z | http://arxiv.org/pdf/2301.13455v1 | http://arxiv.org/abs/2301.13455v1 | Xuange Cui, Wei Xiong, Songlin Wang | 2023-01-31T07:31:34Z | cs.CL | In this paper, we propose a robust multilingual model to improve the quality
of search results. Our model not only leverage the processed class-balanced
dataset, but also benefit from multitask pre-training that leads to more
general representations. In pre-training stage, we adopt mlm task,
classification task and contrastive learning task to achieve considerably
performance. In fine-tuning stage, we use confident learning, exponential
moving average method (EMA), adversarial training (FGM) and regularized dropout
strategy (R-Drop) to improve the model's generalization and robustness.
Moreover, we use a multi-granular semantic unit to discover the queries and
products textual metadata for enhancing the representation of the model. Our
approach obtained competitive results and ranked top-8 in three tasks. We
release the source code and pre-trained models associated with this work. | cs.CL | ZhichunRoad at Amazon KDD Cup 2022: MultiTask Pre-Training for E-Commerce Product Search |
2023-01-31T03:14:57Z | http://arxiv.org/pdf/2301.13382v1 | http://arxiv.org/abs/2301.13382v1 | David Noever, Forrest McKee | 2023-01-31T03:14:57Z | cs.CL | Large language models (LLM) such as OpenAI's ChatGPT and GPT-3 offer unique
testbeds for exploring the translation challenges of turning literacy into
numeracy. Previous publicly-available transformer models from eighteen months
prior and 1000 times smaller failed to provide basic arithmetic. The
statistical analysis of four complex datasets described here combines
arithmetic manipulations that cannot be memorized or encoded by simple rules.
The work examines whether next-token prediction succeeds from sentence
completion into the realm of actual numerical understanding. For example, the
work highlights cases for descriptive statistics on in-memory datasets that the
LLM initially loads from memory or generates randomly using python libraries.
The resulting exploratory data analysis showcases the model's capabilities to
group by or pivot categorical sums, infer feature importance, derive
correlations, and predict unseen test cases using linear regression. To extend
the model's testable range, the research deletes and appends random rows such
that recall alone cannot explain emergent numeracy. | cs.CL | Numeracy from Literacy: Data Science as an Emergent Skill from Large Language Models |
2023-01-31T03:04:26Z | http://arxiv.org/pdf/2301.13379v3 | http://arxiv.org/abs/2301.13379v3 | Qing Lyu, Shreya Havaldar, Adam Stein, Li Zhang, Delip Rao, Eric Wong, Marianna Apidianaki, Chris Callison-Burch | 2023-09-20T22:19:30Z | cs.CL | While Chain-of-Thought (CoT) prompting boosts Language Models' (LM)
performance on a gamut of complex reasoning tasks, the generated reasoning
chain does not necessarily reflect how the model arrives at the answer (aka.
faithfulness). We propose Faithful CoT, a reasoning framework involving two
stages: Translation (Natural Language query $\rightarrow$ symbolic reasoning
chain) and Problem Solving (reasoning chain $\rightarrow$ answer), using an LM
and a deterministic solver respectively. This guarantees that the reasoning
chain provides a faithful explanation of the final answer. Aside from
interpretability, Faithful CoT also improves empirical performance: it
outperforms standard CoT on 9 of 10 benchmarks from 4 diverse domains, with a
relative accuracy gain of 6.3% on Math Word Problems (MWP), 3.4% on Planning,
5.5% on Multi-hop Question Answering (QA), and 21.4% on Relational Inference.
Furthermore, with GPT-4 and Codex, it sets the new state-of-the-art few-shot
performance on 7 datasets (with 95.0+ accuracy on 6 of them), showing a strong
synergy between faithfulness and accuracy. | cs.CL | Faithful Chain-of-Thought Reasoning |
2023-01-31T02:31:42Z | http://arxiv.org/pdf/2301.13372v1 | http://arxiv.org/abs/2301.13372v1 | Cat P. Le, Luke Dai, Michael Johnston, Yang Liu, Marilyn Walker, Reza Ghanadan | 2023-01-31T02:31:42Z | cs.CL, cs.AI | Effective evaluation methods remain a significant challenge for research on
open-domain conversational dialogue systems. Explicit satisfaction ratings can
be elicited from users, but users often do not provide ratings when asked, and
those they give can be highly subjective. Post-hoc ratings by experts are an
alternative, but these can be both expensive and complex to collect. Here, we
explore the creation of automated methods for predicting both expert and user
ratings of open-domain dialogues. We compare four different approaches. First,
we train a baseline model using an end-to-end transformer to predict ratings
directly from the raw dialogue text. The other three methods are variants of a
two-stage approach in which we first extract interpretable features at the turn
level that capture, among other aspects, user dialogue behaviors indicating
contradiction, repetition, disinterest, compliments, or criticism. We project
these features to the dialogue level and train a dialogue-level MLP regression
model, a dialogue-level LSTM, and a novel causal inference model called
counterfactual-LSTM (CF-LSTM) to predict ratings. The proposed CF-LSTM is a
sequential model over turn-level features which predicts ratings using multiple
regressors depending on hypotheses derived from the turn-level features. As a
causal inference model, CF-LSTM aims to learn the underlying causes of a
specific event, such as a low rating. We also bin the user ratings and perform
classification experiments with all four models. In evaluation experiments on
conversational data from the Alexa Prize SocialBot, we show that the CF-LSTM
achieves the best performance for predicting dialogue ratings and
classification. | cs.CL | Improving Open-Domain Dialogue Evaluation with a Causal Inference Model |
2023-01-31T01:57:52Z | http://arxiv.org/pdf/2302.10307v1 | http://arxiv.org/abs/2302.10307v1 | Pengzhen Ren, Changlin Li, Hang Xu, Yi Zhu, Guangrun Wang, Jianzhuang Liu, Xiaojun Chang, Xiaodan Liang | 2023-01-31T01:57:52Z | cs.CV, cs.AI, cs.CL | Recently, great success has been made in learning visual representations from
text supervision, facilitating the emergence of text-supervised semantic
segmentation. However, existing works focus on pixel grouping and cross-modal
semantic alignment, while ignoring the correspondence among multiple augmented
views of the same image. To overcome such limitation, we propose
multi-\textbf{View} \textbf{Co}nsistent learning (ViewCo) for text-supervised
semantic segmentation. Specifically, we first propose text-to-views consistency
modeling to learn correspondence for multiple views of the same input image.
Additionally, we propose cross-view segmentation consistency modeling to
address the ambiguity issue of text supervision by contrasting the segment
features of Siamese visual encoders. The text-to-views consistency benefits the
dense assignment of the visual features by encouraging different crops to align
with the same text, while the cross-view segmentation consistency modeling
provides additional self-supervision, overcoming the limitation of ambiguous
text supervision for segmentation masks. Trained with large-scale image-text
data, our model can directly segment objects of arbitrary categories in a
zero-shot manner. Extensive experiments show that ViewCo outperforms
state-of-the-art methods on average by up to 2.9\%, 1.6\%, and 2.4\% mIoU on
PASCAL VOC2012, PASCAL Context, and COCO, respectively. | cs.CV | ViewCo: Discovering Text-Supervised Segmentation Masks via Multi-View Semantic Consistency |
2023-01-31T01:03:07Z | http://arxiv.org/pdf/2301.13352v1 | http://arxiv.org/abs/2301.13352v1 | Takuma Udagawa, Hiroshi Kanayama, Issei Yoshida | 2023-01-31T01:03:07Z | cs.CL, cs.AI | The sentence is a fundamental unit in many NLP applications. Sentence
segmentation is widely used as the first preprocessing task, where an input
text is split into consecutive sentences considering the end of the sentence
(EOS) as their boundaries. This task formulation relies on a strong assumption
that the input text consists only of sentences, or what we call the sentential
units (SUs). However, real-world texts often contain non-sentential units
(NSUs) such as metadata, sentence fragments, nonlinguistic markers, etc. which
are unreasonable or undesirable to be treated as a part of an SU. To tackle
this issue, we formulate a novel task of sentence identification, where the
goal is to identify SUs while excluding NSUs in a given text. To conduct
sentence identification, we propose a simple yet effective method which
combines the beginning of the sentence (BOS) and EOS labels to determine the
most probable SUs and NSUs based on dynamic programming. To evaluate this task,
we design an automatic, language-independent procedure to convert the Universal
Dependencies corpora into sentence identification benchmarks. Finally, our
experiments on the sentence identification task demonstrate that our proposed
method generally outperforms sentence segmentation baselines which only utilize
EOS labels. | cs.CL | Sentence Identification with BOS and EOS Label Combinations |
2023-01-31T00:31:11Z | http://arxiv.org/pdf/2301.13345v1 | http://arxiv.org/abs/2301.13345v1 | Ethan Kim, Jerry Yang | 2023-01-31T00:31:11Z | cs.CL | Few-shot learning allows pre-trained language models to adapt to downstream
tasks while using a limited number of training examples. However, practical
applications are limited when all model parameters must be optimized. In this
work we apply a new technique for parameter efficient few shot learning while
adopting a strict definition of parameter efficiency. Our training method
combines 1) intermediate training by reformulating natural language tasks as
entailment tasks \cite{wang_entailment_2021} and 2) differentiable optimization
of template and label tokens \cite{zhang_differentiable_2021}. We quantify the
tradeoff between parameter efficiency and performance in the few-shot regime
and propose a simple model agnostic approach that can be extended to any task
By achieving competitive performance while only optimizing 3\% of a model's
parameters and allowing for batched inference, we allow for more efficient
practical deployment of models. | cs.CL | Differentiable Entailment for Parameter Efficient Few Shot Learning |
2023-01-31T00:29:39Z | http://arxiv.org/pdf/2302.00003v1 | http://arxiv.org/abs/2302.00003v1 | Cenk Baykal, Dylan J Cutler, Nishanth Dikkala, Nikhil Ghosh, Rina Panigrahy, Xin Wang | 2023-01-31T00:29:39Z | cs.LG, cs.CL | One way of introducing sparsity into deep networks is by attaching an
external table of parameters that is sparsely looked up at different layers of
the network. By storing the bulk of the parameters in the external table, one
can increase the capacity of the model without necessarily increasing the
inference time. Two crucial questions in this setting are then: what is the
lookup function for accessing the table and how are the contents of the table
consumed? Prominent methods for accessing the table include 1) using
words/wordpieces token-ids as table indices, 2) LSH hashing the token vector in
each layer into a table of buckets, and 3) learnable softmax style routing to a
table entry. The ways to consume the contents include adding/concatenating to
input representation, and using the contents as expert networks that specialize
to different inputs. In this work, we conduct rigorous experimental evaluations
of existing ideas and their combinations. We also introduce a new method,
alternating updates, that enables access to an increased token dimension
without increasing the computation time, and demonstrate its effectiveness in
language modeling. | cs.LG | The Power of External Memory in Increasing Predictive Model Capacity |
2023-01-30T22:43:21Z | http://arxiv.org/pdf/2301.13318v1 | http://arxiv.org/abs/2301.13318v1 | Maciej Wiatrak, Eirini Arvaniti, Angus Brayne, Jonas Vetterle, Aaron Sim | 2023-01-30T22:43:21Z | cs.LG, cs.CL, cs.IR | A recent advancement in the domain of biomedical Entity Linking is the
development of powerful two-stage algorithms, an initial candidate retrieval
stage that generates a shortlist of entities for each mention, followed by a
candidate ranking stage. However, the effectiveness of both stages are
inextricably dependent on computationally expensive components. Specifically,
in candidate retrieval via dense representation retrieval it is important to
have hard negative samples, which require repeated forward passes and nearest
neighbour searches across the entire entity label set throughout training. In
this work, we show that pairing a proxy-based metric learning loss with an
adversarial regularizer provides an efficient alternative to hard negative
sampling in the candidate retrieval stage. In particular, we show competitive
performance on the recall@1 metric, thereby providing the option to leave out
the expensive candidate ranking step. Finally, we demonstrate how the model can
be used in a zero-shot setting to discover out of knowledge base biomedical
entities. | cs.LG | Proxy-based Zero-Shot Entity Linking by Effective Candidate Retrieval |
2023-01-30T22:06:05Z | http://arxiv.org/pdf/2301.13310v2 | http://arxiv.org/abs/2301.13310v2 | Cenk Baykal, Dylan Cutler, Nishanth Dikkala, Nikhil Ghosh, Rina Panigrahy, Xin Wang | 2023-10-03T21:40:41Z | cs.LG, cs.CL | It has been well established that increasing scale in deep transformer
networks leads to improved quality and performance. However, this increase in
scale often comes with prohibitive increases in compute cost and inference
latency. We introduce Alternating Updates (AltUp), a simple-to-implement method
to increase a model's capacity without the computational burden. AltUp enables
the widening of the learned representation, i.e., the token embedding, while
only incurring a negligible increase in latency. AltUp achieves this by working
on a subblock of the widened representation at each layer and using a
predict-and-correct mechanism to update the inactivated blocks. We present
extensions of AltUp, such as its applicability to the sequence dimension, and
demonstrate how AltUp can be synergistically combined with existing approaches,
such as Sparse Mixture-of-Experts models, to obtain efficient models with even
higher capacity. Our experiments on benchmark transformer models and language
tasks demonstrate the consistent effectiveness of AltUp on a diverse set of
scenarios. Notably, on SuperGLUE and SQuAD benchmarks, AltUp enables up to
$87\%$ speedup relative to the dense baselines at the same accuracy. | cs.LG | Alternating Updates for Efficient Transformers |
2023-01-30T21:31:48Z | http://arxiv.org/pdf/2301.13298v1 | http://arxiv.org/abs/2301.13298v1 | Kalpesh Krishna, Erin Bransom, Bailey Kuehl, Mohit Iyyer, Pradeep Dasigi, Arman Cohan, Kyle Lo | 2023-01-30T21:31:48Z | cs.CL | While human evaluation remains best practice for accurately judging the
faithfulness of automatically-generated summaries, few solutions exist to
address the increased difficulty and workload when evaluating long-form
summaries. Through a survey of 162 papers on long-form summarization, we first
shed light on current human evaluation practices surrounding long-form
summaries. We find that 73% of these papers do not perform any human evaluation
on model-generated summaries, while other works face new difficulties that
manifest when dealing with long documents (e.g., low inter-annotator
agreement). Motivated by our survey, we present LongEval, a set of guidelines
for human evaluation of faithfulness in long-form summaries that addresses the
following challenges: (1) How can we achieve high inter-annotator agreement on
faithfulness scores? (2) How can we minimize annotator workload while
maintaining accurate faithfulness scores? and (3) Do humans benefit from
automated alignment between summary and source snippets? We deploy LongEval in
annotation studies on two long-form summarization datasets in different domains
(SQuALITY and PubMed), and we find that switching to a finer granularity of
judgment (e.g., clause-level) reduces inter-annotator variance in faithfulness
scores (e.g., std-dev from 18.5 to 6.8). We also show that scores from a
partial annotation of fine-grained units highly correlates with scores from a
full annotation workload (0.89 Kendall's tau using 50% judgments). We release
our human judgments, annotation templates, and our software as a Python library
for future research. | cs.CL | LongEval: Guidelines for Human Evaluation of Faithfulness in Long-form Summarization |
2023-01-30T21:17:15Z | http://arxiv.org/pdf/2301.13294v3 | http://arxiv.org/abs/2301.13294v3 | Yasmin Moslem, Rejwanul Haque, John D. Kelleher, Andy Way | 2023-05-09T11:04:43Z | cs.CL | Consistency is a key requirement of high-quality translation. It is
especially important to adhere to pre-approved terminology and adapt to
corrected translations in domain-specific projects. Machine translation (MT)
has achieved significant progress in the area of domain adaptation. However,
real-time adaptation remains challenging. Large-scale language models (LLMs)
have recently shown interesting capabilities of in-context learning, where they
learn to replicate certain input-output text generation patterns, without
further fine-tuning. By feeding an LLM at inference time with a prompt that
consists of a list of translation pairs, it can then simulate the domain and
style characteristics. This work aims to investigate how we can utilize
in-context learning to improve real-time adaptive MT. Our extensive experiments
show promising results at translation time. For example, LLMs can adapt to a
set of in-domain sentence pairs and/or terminology while translating a new
sentence. We observe that the translation quality with few-shot in-context
learning can surpass that of strong encoder-decoder MT systems, especially for
high-resource languages. Moreover, we investigate whether we can combine MT
from strong encoder-decoder models with fuzzy matches, which can further
improve translation quality, especially for less supported languages. We
conduct our experiments across five diverse language pairs, namely
English-to-Arabic (EN-AR), English-to-Chinese (EN-ZH), English-to-French
(EN-FR), English-to-Kinyarwanda (EN-RW), and English-to-Spanish (EN-ES). | cs.CL | Adaptive Machine Translation with Large Language Models |
2023-01-30T20:26:02Z | http://arxiv.org/pdf/2301.13268v2 | http://arxiv.org/abs/2301.13268v2 | Sandesh Swamy, Narges Tabari, Chacha Chen, Rashmi Gangadharaiah | 2023-02-10T23:16:02Z | cs.CL | Response generation is one of the critical components in task-oriented dialog
systems. Existing studies have shown that large pre-trained language models can
be adapted to this task. The typical paradigm of adapting such extremely large
language models would be by fine-tuning on the downstream tasks which is not
only time-consuming but also involves significant resources and access to
fine-tuning data. Prompting (Schick and Sch\"utze, 2020) has been an
alternative to fine-tuning in many NLP tasks. In our work, we explore the idea
of using prompting for response generation in task-oriented dialog systems.
Specifically, we propose an approach that performs contextual dynamic prompting
where the prompts are learnt from dialog contexts. We aim to distill useful
prompting signals from the dialog context. On experiments with MultiWOZ 2.2
dataset (Zang et al., 2020), we show that contextual dynamic prompts improve
response generation in terms of combined score (Mehri et al., 2019) by 3
absolute points, and a massive 20 points when dialog states are incorporated.
Furthermore, human annotation on these conversations found that agents which
incorporate context were preferred over agents with vanilla prefix-tuning. | cs.CL | Contextual Dynamic Prompting for Response Generation in Task-oriented Dialog Systems |
2023-01-30T20:23:26Z | http://arxiv.org/pdf/2301.13267v1 | http://arxiv.org/abs/2301.13267v1 | Flavio Schneider | 2023-01-30T20:23:26Z | cs.SD, cs.CL, eess.AS | The recent surge in popularity of diffusion models for image generation has
brought new attention to the potential of these models in other areas of media
generation. One area that has yet to be fully explored is the application of
diffusion models to audio generation. Audio generation requires an
understanding of multiple aspects, such as the temporal dimension, long term
structure, multiple layers of overlapping sounds, and the nuances that only
trained listeners can detect. In this work, we investigate the potential of
diffusion models for audio generation. We propose a set of models to tackle
multiple aspects, including a new method for text-conditional latent audio
diffusion with stacked 1D U-Nets, that can generate multiple minutes of music
from a textual description. For each model, we make an effort to maintain
reasonable inference speed, targeting real-time on a single consumer GPU. In
addition to trained models, we provide a collection of open source libraries
with the hope of simplifying future work in the field. Samples can be found at
https://bit.ly/audio-diffusion. Codes are at
https://github.com/archinetai/audio-diffusion-pytorch. | cs.SD | ArchiSound: Audio Generation with Diffusion |
2023-01-30T18:33:32Z | http://arxiv.org/pdf/2301.13155v2 | http://arxiv.org/abs/2301.13155v2 | Hong-Yu Zhou, Chenyu Lian, Liansheng Wang, Yizhou Yu | 2023-02-15T07:33:35Z | cs.CV, cs.CL, cs.LG | Modern studies in radiograph representation learning rely on either
self-supervision to encode invariant semantics or associated radiology reports
to incorporate medical expertise, while the complementarity between them is
barely noticed. To explore this, we formulate the self- and report-completion
as two complementary objectives and present a unified framework based on masked
record modeling (MRM). In practice, MRM reconstructs masked image patches and
masked report tokens following a multi-task scheme to learn knowledge-enhanced
semantic representations. With MRM pre-training, we obtain pre-trained models
that can be well transferred to various radiography tasks. Specifically, we
find that MRM offers superior performance in label-efficient fine-tuning. For
instance, MRM achieves 88.5% mean AUC on CheXpert using 1% labeled data,
outperforming previous R$^2$L methods with 100% labels. On NIH ChestX-ray, MRM
outperforms the best performing counterpart by about 3% under small labeling
ratios. Besides, MRM surpasses self- and report-supervised pre-training in
identifying the pneumonia type and the pneumothorax area, sometimes by large
margins. | cs.CV | Advancing Radiograph Representation Learning with Masked Record Modeling |
2023-01-30T18:33:15Z | http://arxiv.org/pdf/2301.13154v2 | http://arxiv.org/abs/2301.13154v2 | Hong-Yu Zhou, Yunxiang Fu, Zhicheng Zhang, Cheng Bian, Yizhou Yu | 2023-02-15T07:26:47Z | cs.LG, cs.CL, cs.MM | Protein representation learning has primarily benefited from the remarkable
development of language models (LMs). Accordingly, pre-trained protein models
also suffer from a problem in LMs: a lack of factual knowledge. The recent
solution models the relationships between protein and associated knowledge
terms as the knowledge encoding objective. However, it fails to explore the
relationships at a more granular level, i.e., the token level. To mitigate
this, we propose Knowledge-exploited Auto-encoder for Protein (KeAP), which
performs token-level knowledge graph exploration for protein representation
learning. In practice, non-masked amino acids iteratively query the associated
knowledge tokens to extract and integrate helpful information for restoring
masked amino acids via attention. We show that KeAP can consistently outperform
the previous counterpart on 9 representative downstream applications, sometimes
surpassing it by large margins. These results suggest that KeAP provides an
alternative yet effective way to perform knowledge enhanced protein
representation learning. | cs.LG | Protein Representation Learning via Knowledge Enhanced Primary Structure Modeling |
2023-01-30T18:05:08Z | http://arxiv.org/pdf/2301.13126v3 | http://arxiv.org/abs/2301.13126v3 | Joel Niklaus, Veton Matoshi, Pooja Rani, Andrea Galassi, Matthias Stürmer, Ilias Chalkidis | 2024-01-08T10:08:40Z | cs.CL, cs.AI, cs.LG, 68T50, I.2 | Lately, propelled by the phenomenal advances around the transformer
architecture, the legal NLP field has enjoyed spectacular growth. To measure
progress, well curated and challenging benchmarks are crucial. However, most
benchmarks are English only and in legal NLP specifically there is no
multilingual benchmark available yet. Additionally, many benchmarks are
saturated, with the best models clearly outperforming the best humans and
achieving near perfect scores. We survey the legal NLP literature and select 11
datasets covering 24 languages, creating LEXTREME. To provide a fair
comparison, we propose two aggregate scores, one based on the datasets and one
on the languages. The best baseline (XLM-R large) achieves both a dataset
aggregate score a language aggregate score of 61.3. This indicates that
LEXTREME is still very challenging and leaves ample room for improvement. To
make it easy for researchers and practitioners to use, we release LEXTREME on
huggingface together with all the code required to evaluate models and a public
Weights and Biases project with all the runs. | cs.CL | LEXTREME: A Multi-Lingual and Multi-Task Benchmark for the Legal Domain |
2023-01-30T17:28:33Z | http://arxiv.org/pdf/2301.13089v1 | http://arxiv.org/abs/2301.13089v1 | George Boateng, Victor Kumbol, Elsie Effah Kaufmann | 2023-01-30T17:28:33Z | cs.CL, cs.AI, cs.HC | There is a lack of enough qualified teachers across Africa which hampers
efforts to provide adequate learning support such as educational question
answering (EQA) to students. An AI system that can enable students to ask
questions via text or voice and get instant answers will make high-quality
education accessible. Despite advances in the field of AI, there exists no
robust benchmark or challenge to enable building such an (EQA) AI within the
African context. Ghana's National Science and Maths Quiz competition (NSMQ) is
the perfect competition to evaluate the potential of such an AI due to its wide
coverage of scientific fields, variety of question types, highly competitive
nature, and live, real-world format. The NSMQ is a Jeopardy-style annual live
quiz competition in which 3 teams of 2 students compete by answering questions
across biology, chemistry, physics, and math in 5 rounds over 5 progressive
stages until a winning team is crowned for that year. In this position paper,
we propose the NSMQ AI Grand Challenge, an AI Grand Challenge for Education
using Ghana's National Science and Maths Quiz competition (NSMQ) as a case
study. Our proposed grand challenge is to "Build an AI to compete live in
Ghana's National Science and Maths Quiz (NSMQ) competition and win - performing
better than the best contestants in all rounds and stages of the competition."
We describe the competition, and key technical challenges to address along with
ideas from recent advances in machine learning that could be leveraged to solve
this challenge. This position paper is a first step towards conquering such a
challenge and importantly, making advances in AI for education in the African
context towards democratizing high-quality education across Africa. | cs.CL | Can an AI Win Ghana's National Science and Maths Quiz? An AI Grand Challenge for Education |
2023-01-30T17:22:33Z | http://arxiv.org/pdf/2301.13083v2 | http://arxiv.org/abs/2301.13083v2 | Yuchen Lian, Arianna Bisazza, Tessa Verhoef | 2023-06-01T03:54:09Z | cs.CL, cs.AI | Artificial learners often behave differently from human learners in the
context of neural agent-based simulations of language emergence and change. A
common explanation is the lack of appropriate cognitive biases in these
learners. However, it has also been proposed that more naturalistic settings of
language learning and use could lead to more human-like results. We investigate
this latter account focusing on the word-order/case-marking trade-off, a widely
attested language universal that has proven particularly hard to simulate. We
propose a new Neural-agent Language Learning and Communication framework
(NeLLCom) where pairs of speaking and listening agents first learn a miniature
language via supervised learning, and then optimize it for communication via
reinforcement learning. Following closely the setup of earlier human
experiments, we succeed in replicating the trade-off with the new framework
without hard-coding specific biases in the agents. We see this as an essential
step towards the investigation of language universals with neural learners. | cs.CL | Communication Drives the Emergence of Language Universals in Neural Agents: Evidence from the Word-order/Case-marking Trade-off |
2023-01-30T17:10:34Z | http://arxiv.org/pdf/2301.13066v2 | http://arxiv.org/abs/2301.13066v2 | Mehrdad Ranjbar Khadivi, Shahin Akbarpour, Mohammad-Reza Feizi-Derakhshi, Babak Anari | 2023-07-18T11:39:22Z | cs.CL, cs.AI | With the widespread use of social networks, detecting the topics discussed in
these networks has become a significant challenge. The current works are mainly
based on frequent pattern mining or semantic relations, and the language
structure is not considered. The meaning of language structural methods is to
discover the relationship between words and how humans understand them.
Therefore, this paper uses the Concept of the Imitation of the Mental Ability
of Word Association to propose a topic detection framework in social networks.
This framework is based on the Human Word Association method. A special
extraction algorithm has also been designed for this purpose. The performance
of this method is evaluated on the FA-CUP dataset. It is a benchmark dataset in
the field of topic detection. The results show that the proposed method is a
good improvement compared to other methods, based on the Topic-recall and the
keyword F1 measure. Also, most of the previous works in the field of topic
detection are limited to the English language, and the Persian language,
especially microblogs written in this language, is considered a low-resource
language. Therefore, a data set of Telegram posts in the Farsi language has
been collected. Applying the proposed method to this dataset also shows that
this method works better than other topic detection methods. | cs.CL | A Human Word Association based model for topic detection in social networks |
2023-01-30T16:36:02Z | http://arxiv.org/pdf/2301.13042v1 | http://arxiv.org/abs/2301.13042v1 | Yucheng Li, Frank Guerin, Chenghua Lin | 2023-01-30T16:36:02Z | cs.CL | Metaphors are proven to have stronger emotional impact than literal
expressions. Although this conclusion is shown to be promising in benefiting
various NLP applications, the reasons behind this phenomenon are not well
studied. This paper conducts the first study in exploring how metaphors convey
stronger emotion than their literal counterparts. We find that metaphors are
generally more specific than literal expressions. The more specific property of
metaphor can be one of the reasons for metaphors' superiority in emotion
expression. When we compare metaphors with literal expressions with the same
specificity level, the gap of emotion expressing ability between both reduces
significantly. In addition, we observe specificity is crucial in literal
language as well, as literal language can express stronger emotion by making it
more specific. | cs.CL | The Secret of Metaphor on Expressing Stronger Emotion |
2023-01-30T16:35:23Z | http://arxiv.org/pdf/2301.13039v1 | http://arxiv.org/abs/2301.13039v1 | Dmitry Nikolaev, Sebastian Padó | 2023-01-30T16:35:23Z | cs.CL | Variants of the BERT architecture specialised for producing full-sentence
representations often achieve better performance on downstream tasks than
sentence embeddings extracted from vanilla BERT. However, there is still little
understanding of what properties of inputs determine the properties of such
representations. In this study, we construct several sets of sentences with
pre-defined lexical and syntactic structures and show that SOTA sentence
transformers have a strong nominal-participant-set bias: cosine similarities
between pairs of sentences are more strongly determined by the overlap in the
set of their noun participants than by having the same predicates, lengthy
nominal modifiers, or adjuncts. At the same time, the precise
syntactic-thematic functions of the participants are largely irrelevant. | cs.CL | Representation biases in sentence transformers |
2023-01-30T15:44:55Z | http://arxiv.org/pdf/2301.13003v2 | http://arxiv.org/abs/2301.13003v2 | Minglun Han, Feilong Chen, Jing Shi, Shuang Xu, Bo Xu | 2023-05-28T16:13:52Z | cs.CL, cs.AI, cs.SD, eess.AS | Large-scale pre-trained language models (PLMs) have shown great potential in
natural language processing tasks. Leveraging the capabilities of PLMs to
enhance automatic speech recognition (ASR) systems has also emerged as a
promising research direction. However, previous works may be limited by the
inflexible structures of PLMs and the insufficient utilization of PLMs. To
alleviate these problems, we propose the hierarchical knowledge distillation
(HKD) on the continuous integrate-and-fire (CIF) based ASR models. To transfer
knowledge from PLMs to the ASR models, HKD employs cross-modal knowledge
distillation with contrastive loss at the acoustic level and knowledge
distillation with regression loss at the linguistic level. Compared with the
original CIF-based model, our method achieves 15% and 9% relative error rate
reduction on the AISHELL-1 and LibriSpeech datasets, respectively. | cs.CL | Knowledge Transfer from Pre-trained Language Models to Cif-based Speech Recognizers via Hierarchical Distillation |
2023-01-30T15:19:02Z | http://arxiv.org/pdf/2301.12971v2 | http://arxiv.org/abs/2301.12971v2 | Hosein Mohebbi, Willem Zuidema, Grzegorz Chrupała, Afra Alishahi | 2023-02-08T10:46:38Z | cs.CL, cs.LG | Self-attention weights and their transformed variants have been the main
source of information for analyzing token-to-token interactions in
Transformer-based models. But despite their ease of interpretation, these
weights are not faithful to the models' decisions as they are only one part of
an encoder, and other components in the encoder layer can have considerable
impact on information mixing in the output representations. In this work, by
expanding the scope of analysis to the whole encoder block, we propose Value
Zeroing, a novel context mixing score customized for Transformers that provides
us with a deeper understanding of how information is mixed at each encoder
layer. We demonstrate the superiority of our context mixing score over other
analysis methods through a series of complementary evaluations with different
viewpoints based on linguistically informed rationales, probing, and
faithfulness analysis. | cs.CL | Quantifying Context Mixing in Transformers |
2023-01-30T15:17:06Z | http://arxiv.org/pdf/2301.12969v1 | http://arxiv.org/abs/2301.12969v1 | Charles Li | 2023-01-30T15:17:06Z | cs.CL | Despite -- or perhaps because of -- their simplicity, n-grams, or contiguous
sequences of tokens, have been used with great success in computational
linguistics since their introduction in the late 20th century. Recast as
k-mers, or contiguous sequences of monomers, they have also found applications
in computational biology. When applied to the analysis of texts, n-grams
usually take the form of sequences of words. But if we try to apply this model
to the analysis of Sanskrit texts, we are faced with the arduous task of,
firstly, resolving sandhi to split a phrase into words, and, secondly,
splitting long compounds into their components. This paper presents a simpler
method of tokenizing a Sanskrit text for n-grams, by using n-aksaras, or
contiguous sequences of aksaras. This model reduces the need for sandhi
resolution, making it much easier to use on raw text. It is also possible to
use this model on Sanskrit-adjacent texts, e.g., a Tamil commentary on a
Sanskrit text. As a test case, the commentaries on Amarakosa 1.0.1 have been
modelled as n-aksaras, showing patterns of text reuse across ten centuries and
nine languages. Some initial observations are made concerning Buddhist
commentarial practices. | cs.CL | Using n-aksaras to model Sanskrit and Sanskrit-adjacent texts |
2023-01-30T14:19:29Z | http://arxiv.org/pdf/2301.12920v4 | http://arxiv.org/abs/2301.12920v4 | Zhuang Li, Gholamreza Haffari | 2023-10-11T04:08:26Z | cs.CL | Current multilingual semantic parsing (MSP) datasets are almost all collected
by translating the utterances in the existing datasets from the resource-rich
language to the target language. However, manual translation is costly. To
reduce the translation effort, this paper proposes the first active learning
procedure for MSP (AL-MSP). AL-MSP selects only a subset from the existing
datasets to be translated. We also propose a novel selection method that
prioritizes the examples diversifying the logical form structures with more
lexical choices, and a novel hyperparameter tuning method that needs no extra
annotation cost. Our experiments show that AL-MSP significantly reduces
translation costs with ideal selection methods. Our selection method with
proper hyperparameters yields better parsing performance than the other
baselines on two multilingual datasets. | cs.CL | Active Learning for Multilingual Semantic Parser |
2023-01-30T13:21:00Z | http://arxiv.org/pdf/2301.12868v3 | http://arxiv.org/abs/2301.12868v3 | Terry Yue Zhuo, Zhuang Li, Yujin Huang, Fatemeh Shiri, Weiqing Wang, Gholamreza Haffari, Yuan-Fang Li | 2023-03-09T11:01:02Z | cs.CL | Semantic parsing is a technique aimed at constructing a structured
representation of the meaning of a natural-language question. Recent
advancements in few-shot language models trained on code have demonstrated
superior performance in generating these representations compared to
traditional unimodal language models, which are trained on downstream tasks.
Despite these advancements, existing fine-tuned neural semantic parsers are
susceptible to adversarial attacks on natural-language inputs. While it has
been established that the robustness of smaller semantic parsers can be
enhanced through adversarial training, this approach is not feasible for large
language models in real-world scenarios, as it requires both substantial
computational resources and expensive human annotation on in-domain semantic
parsing data. This paper presents the first empirical study on the adversarial
robustness of a large prompt-based language model of code, \codex. Our results
demonstrate that the state-of-the-art (SOTA) code-language models are
vulnerable to carefully crafted adversarial examples. To address this
challenge, we propose methods for improving robustness without the need for
significant amounts of labeled data or heavy computational resources. | cs.CL | On Robustness of Prompt-based Semantic Parsing with Large Pre-trained Language Model: An Empirical Study on Codex |
2023-01-30T13:20:48Z | http://arxiv.org/pdf/2301.12867v4 | http://arxiv.org/abs/2301.12867v4 | Terry Yue Zhuo, Yujin Huang, Chunyang Chen, Zhenchang Xing | 2023-05-29T17:46:54Z | cs.CL, cs.SE | Recent breakthroughs in natural language processing (NLP) have permitted the
synthesis and comprehension of coherent text in an open-ended way, therefore
translating the theoretical algorithms into practical applications. The large
language models (LLMs) have significantly impacted businesses such as report
summarization software and copywriters. Observations indicate, however, that
LLMs may exhibit social prejudice and toxicity, posing ethical and societal
dangers of consequences resulting from irresponsibility. Large-scale benchmarks
for accountable LLMs should consequently be developed. Although several
empirical investigations reveal the existence of a few ethical difficulties in
advanced LLMs, there is little systematic examination and user study of the
risks and harmful behaviors of current LLM usage. To further educate future
efforts on constructing ethical LLMs responsibly, we perform a qualitative
research method called ``red teaming'' on OpenAI's ChatGPT\footnote{In this
paper, ChatGPT refers to the version released on Dec 15th.} to better
understand the practical features of ethical dangers in recent LLMs. We analyze
ChatGPT comprehensively from four perspectives: 1) \textit{Bias} 2)
\textit{Reliability} 3) \textit{Robustness} 4) \textit{Toxicity}. In accordance
with our stated viewpoints, we empirically benchmark ChatGPT on multiple sample
datasets. We find that a significant number of ethical risks cannot be
addressed by existing benchmarks, and hence illustrate them via additional case
studies. In addition, we examine the implications of our findings on AI ethics
and harmal behaviors of ChatGPT, as well as future problems and practical
design considerations for responsible LLMs. We believe that our findings may
give light on future efforts to determine and mitigate the ethical hazards
posed by machines in LLM applications. | cs.CL | Red teaming ChatGPT via Jailbreaking: Bias, Robustness, Reliability and Toxicity |
2023-01-30T13:19:19Z | http://arxiv.org/pdf/2301.12866v2 | http://arxiv.org/abs/2301.12866v2 | Rui Lv, Junliang Guo, Rui Wang, Xu Tan, Qi Liu, Tao Qin | 2023-02-07T14:15:26Z | cs.CL, cs.LG | Nearest neighbor machine translation augments the Autoregressive
Translation~(AT) with $k$-nearest-neighbor retrieval, by comparing the
similarity between the token-level context representations of the target tokens
in the query and the datastore. However, the token-level representation may
introduce noise when translating ambiguous words, or fail to provide accurate
retrieval results when the representation generated by the model contains
indistinguishable context information, e.g., Non-Autoregressive
Translation~(NAT) models. In this paper, we propose a novel $n$-gram nearest
neighbor retrieval method that is model agnostic and applicable to both AT and
NAT models. Specifically, we concatenate the adjacent $n$-gram hidden
representations as the key, while the tuple of corresponding target tokens is
the value. In inference, we propose tailored decoding algorithms for AT and NAT
models respectively. We demonstrate that the proposed method consistently
outperforms the token-level method on both AT and NAT models as well on general
as on domain adaptation translation tasks. On domain adaptation, the proposed
method brings $1.03$ and $2.76$ improvements regarding the average BLEU score
on AT and NAT models respectively. | cs.CL | N-Gram Nearest Neighbor Machine Translation |
2023-01-30T13:05:48Z | http://arxiv.org/pdf/2301.12855v1 | http://arxiv.org/abs/2301.12855v1 | Ewoenam Tokpo, Pieter Delobelle, Bettina Berendt, Toon Calders | 2023-01-30T13:05:48Z | cs.CL | To mitigate gender bias in contextualized language models, different
intrinsic mitigation strategies have been proposed, alongside many bias
metrics. Considering that the end use of these language models is for
downstream tasks like text classification, it is important to understand how
these intrinsic bias mitigation strategies actually translate to fairness in
downstream tasks and the extent of this. In this work, we design a probe to
investigate the effects that some of the major intrinsic gender bias mitigation
strategies have on downstream text classification tasks. We discover that
instead of resolving gender bias, intrinsic mitigation techniques and metrics
are able to hide it in such a way that significant gender information is
retained in the embeddings. Furthermore, we show that each mitigation technique
is able to hide the bias from some of the intrinsic bias measures but not all,
and each intrinsic bias measure can be fooled by some mitigation techniques,
but not all. We confirm experimentally, that none of the intrinsic mitigation
techniques used without any other fairness intervention is able to consistently
impact extrinsic bias. We recommend that intrinsic bias mitigation techniques
should be combined with other fairness interventions for downstream tasks. | cs.CL | How Far Can It Go?: On Intrinsic Gender Bias Mitigation for Text Classification |
2023-01-30T13:00:20Z | http://arxiv.org/pdf/2301.12850v1 | http://arxiv.org/abs/2301.12850v1 | Xiaolei Lian, Xunzhu Tang, Yue Wang | 2023-01-30T13:00:20Z | cs.CL, cs.AI | Although the great success of open-domain dialogue generation, unseen
entities can have a large impact on the dialogue generation task. It leads to
performance degradation of the model in the dialog generation. Previous
researches used retrieved knowledge of seen entities as the auxiliary data to
enhance the representation of the model. Nevertheless, logical explanation of
unseen entities remains unexplored, such as possible co-occurrence or
semantically similar words of them and their entity category. In this work, we
propose an approach to address the challenge above. We construct a graph by
extracting entity nodes in them, enhancing the representation of the context of
the unseen entity with the entity's 1-hop surrounding nodes. Furthermore, We
added the named entity tag prediction task to apply the problem that the unseen
entity does not exist in the graph. We conduct our experiments on an open
dataset Wizard of Wikipedia and the empirical results indicate that our
approach outperforms the state-of-the-art approaches on Wizard of Wikipedia. | cs.CL | GE-Blender: Graph-Based Knowledge Enhancement for Blender |
2023-01-30T12:59:09Z | http://arxiv.org/pdf/2301.12847v1 | http://arxiv.org/abs/2301.12847v1 | Antoine Louis, Gijs van Dijck, Gerasimos Spanakis | 2023-01-30T12:59:09Z | cs.IR, cs.CL | Statutory article retrieval (SAR), the task of retrieving statute law
articles relevant to a legal question, is a promising application of legal text
processing. In particular, high-quality SAR systems can improve the work
efficiency of legal professionals and provide basic legal assistance to
citizens in need at no cost. Unlike traditional ad-hoc information retrieval,
where each document is considered a complete source of information, SAR deals
with texts whose full sense depends on complementary information from the
topological organization of statute law. While existing works ignore these
domain-specific dependencies, we propose a novel graph-augmented dense statute
retriever (G-DSR) model that incorporates the structure of legislation via a
graph neural network to improve dense retrieval performance. Experimental
results show that our approach outperforms strong retrieval baselines on a
real-world expert-annotated SAR dataset. | cs.IR | Finding the Law: Enhancing Statutory Article Retrieval via Graph Neural Networks |
2023-01-30T12:03:36Z | http://arxiv.org/pdf/2301.12810v1 | http://arxiv.org/abs/2301.12810v1 | Roi Cohen, Mor Geva, Jonathan Berant, Amir Globerson | 2023-01-30T12:03:36Z | cs.CL, cs.AI | Language models are trained on large volumes of text, and as a result their
parameters might contain a significant body of factual knowledge. Any
downstream task performed by these models implicitly builds on these facts, and
thus it is highly desirable to have means for representing this body of
knowledge in an interpretable way. However, there is currently no mechanism for
such a representation. Here, we propose to address this goal by extracting a
knowledge-graph of facts from a given language model. We describe a procedure
for ``crawling'' the internal knowledge-base of a language model. Specifically,
given a seed entity, we expand a knowledge-graph around it. The crawling
procedure is decomposed into sub-tasks, realized through specially designed
prompts that control for both precision (i.e., that no wrong facts are
generated) and recall (i.e., the number of facts generated). We evaluate our
approach on graphs crawled starting from dozens of seed entities, and show it
yields high precision graphs (82-92%), while emitting a reasonable number of
facts per entity. | cs.CL | Crawling the Internal Knowledge-Base of Language Models |
2023-01-30T08:53:35Z | http://arxiv.org/pdf/2301.12729v1 | http://arxiv.org/abs/2301.12729v1 | Aseem Srivastava, Ishan Pandey, Md. Shad Akhtar, Tanmoy Chakraborty | 2023-01-30T08:53:35Z | cs.CL | Virtual Mental Health Assistants (VMHAs) have become a prevalent method for
receiving mental health counseling in the digital healthcare space. An
assistive counseling conversation commences with natural open-ended topics to
familiarize the client with the environment and later converges into more
fine-grained domain-specific topics. Unlike other conversational systems, which
are categorized as open-domain or task-oriented systems, VMHAs possess a hybrid
conversational flow. These counseling bots need to comprehend various aspects
of the conversation, such as dialogue-acts, intents, etc., to engage the client
in an effective conversation. Although the surge in digital health research
highlights applications of many general-purpose response generation systems,
they are barely suitable in the mental health domain -- the prime reason is the
lack of understanding in mental health counseling. Moreover, in general,
dialogue-act guided response generators are either limited to a template-based
paradigm or lack appropriate semantics. To this end, we propose READER -- a
REsponse-Act guided reinforced Dialogue genERation model for the mental health
counseling conversations. READER is built on transformer to jointly predict a
potential dialogue-act d(t+1) for the next utterance (aka response-act) and to
generate an appropriate response u(t+1). Through the
transformer-reinforcement-learning (TRL) with Proximal Policy Optimization
(PPO), we guide the response generator to abide by d(t+1) and ensure the
semantic richness of the responses via BERTScore in our reward computation. We
evaluate READER on HOPE, a benchmark counseling conversation dataset and
observe that it outperforms several baselines across several evaluation metrics
-- METEOR, ROUGE, and BERTScore. We also furnish extensive qualitative and
quantitative analyses on results, including error analysis, human evaluation,
etc. | cs.CL | Response-act Guided Reinforced Dialogue Generation for Mental Health Counseling |
2023-01-30T08:51:19Z | http://arxiv.org/pdf/2301.12726v1 | http://arxiv.org/abs/2301.12726v1 | Yao Fu, Hao Peng, Litu Ou, Ashish Sabharwal, Tushar Khot | 2023-01-30T08:51:19Z | cs.CL, cs.AI, cs.LG | The surprising ability of Large Language Models (LLMs) to perform well on
complex reasoning with only few-shot chain-of-thought prompts is believed to
emerge only in very large-scale models (100+ billion parameters). We show that
such abilities can, in fact, be distilled down from GPT-3.5 ($\ge$ 175B) to T5
variants ($\le$ 11B). We propose model specialization, to specialize the
model's ability towards a target task. The hypothesis is that large models
(commonly viewed as larger than 100B) have strong modeling power, but are
spread on a large spectrum of tasks. Small models (commonly viewed as smaller
than 10B) have limited model capacity, but if we concentrate their capacity on
a specific target task, the model can achieve a decent improved performance. We
use multi-step math reasoning as our testbed because it is a very typical
emergent ability. We show two important aspects of model abilities: (1). there
exists a very complex balance/ tradeoff between language models'
multi-dimensional abilities; (2). by paying the price of decreased generic
ability, we can clearly lift up the scaling curve of models smaller than 10B
towards a specialized multi-step math reasoning ability. We further give
comprehensive discussions about important design choices for better
generalization, including the tuning data format, the start model checkpoint,
and a new model selection method. We hope our practice and discoveries can
serve as an important attempt towards specialized smaller models in the new
research paradigm set by LLMs. | cs.CL | Specializing Smaller Language Models towards Multi-Step Reasoning |
2023-01-30T08:06:08Z | http://arxiv.org/pdf/2301.13852v1 | http://arxiv.org/abs/2301.13852v1 | Sandra Mitrović, Davide Andreoletti, Omran Ayoub | 2023-01-30T08:06:08Z | cs.CL, cs.LG | ChatGPT has the ability to generate grammatically flawless and
seemingly-human replies to different types of questions from various domains.
The number of its users and of its applications is growing at an unprecedented
rate. Unfortunately, use and abuse come hand in hand. In this paper, we study
whether a machine learning model can be effectively trained to accurately
distinguish between original human and seemingly human (that is,
ChatGPT-generated) text, especially when this text is short. Furthermore, we
employ an explainable artificial intelligence framework to gain insight into
the reasoning behind the model trained to differentiate between
ChatGPT-generated and human-generated text. The goal is to analyze model's
decisions and determine if any specific patterns or characteristics can be
identified. Our study focuses on short online reviews, conducting two
experiments comparing human-generated and ChatGPT-generated text. The first
experiment involves ChatGPT text generated from custom queries, while the
second experiment involves text generated by rephrasing original
human-generated reviews. We fine-tune a Transformer-based model and use it to
make predictions, which are then explained using SHAP. We compare our model
with a perplexity score-based approach and find that disambiguation between
human and ChatGPT-generated reviews is more challenging for the ML model when
using rephrased text. However, our proposed approach still achieves an accuracy
of 79%. Using explainability, we observe that ChatGPT's writing is polite,
without specific details, using fancy and atypical vocabulary, impersonal, and
typically it does not express feelings. | cs.CL | ChatGPT or Human? Detect and Explain. Explaining Decisions of Machine Learning Model for Detecting Short ChatGPT-generated Text |
2023-01-30T08:01:13Z | http://arxiv.org/pdf/2301.12715v1 | http://arxiv.org/abs/2301.12715v1 | Sishuo Chen, Wenkai Yang, Xiaohan Bi, Xu Sun | 2023-01-30T08:01:13Z | cs.CL | Detecting out-of-distribution (OOD) inputs is crucial for the safe deployment
of natural language processing (NLP) models. Though existing methods,
especially those based on the statistics in the feature space of fine-tuned
pre-trained language models (PLMs), are claimed to be effective, their
effectiveness on different types of distribution shifts remains underexplored.
In this work, we take the first step to comprehensively evaluate the mainstream
textual OOD detection methods for detecting semantic and non-semantic shifts.
We find that: (1) no existing method behaves well in both settings; (2)
fine-tuning PLMs on in-distribution data benefits detecting semantic shifts but
severely deteriorates detecting non-semantic shifts, which can be attributed to
the distortion of task-agnostic features. To alleviate the issue, we present a
simple yet effective general OOD score named GNOME that integrates the
confidence scores derived from the task-agnostic and task-specific
representations. Experiments show that GNOME works well in both semantic and
non-semantic shift scenarios, and further brings significant improvement on two
cross-task benchmarks where both kinds of shifts simultaneously take place. Our
code is available at https://github.com/lancopku/GNOME. | cs.CL | Fine-Tuning Deteriorates General Textual Out-of-Distribution Detection by Distorting Task-Agnostic Features |
2023-01-30T07:40:45Z | http://arxiv.org/pdf/2301.12711v2 | http://arxiv.org/abs/2301.12711v2 | Maksud Sharipov, Elmurod Kuriyozov, Ollabergan Yuldashev, Ogabek Sobirov | 2023-03-01T14:31:12Z | cs.CL | This research paper presents a part-of-speech (POS) annotated dataset and
tagger tool for the low-resource Uzbek language. The dataset includes 12 tags,
which were used to develop a rule-based POS-tagger tool. The corpus text used
in the annotation process was made sure to be balanced over 20 different fields
in order to ensure its representativeness. Uzbek being an agglutinative
language so the most of the words in an Uzbek sentence are formed by adding
suffixes. This nature of it makes the POS-tagging task difficult to find the
stems of words and the right part-of-speech they belong to. The methodology
proposed in this research is the stemming of the words with an affix/suffix
stripping approach including database of the stem forms of the words in the
Uzbek language. The tagger tool was tested on the annotated dataset and showed
high accuracy in identifying and tagging parts of speech in Uzbek text. This
newly presented dataset and tagger tool can be used for a variety of natural
language processing tasks such as language modeling, machine translation, and
text-to-speech synthesis. The presented dataset is the first of its kind to be
made publicly available for Uzbek, and the POS-tagger tool created can also be
used as a pivot to use as a base for other closely-related Turkic languages. | cs.CL | UzbekTagger: The rule-based POS tagger for Uzbek language |
2023-01-30T07:12:15Z | http://arxiv.org/pdf/2301.12699v1 | http://arxiv.org/abs/2301.12699v1 | Zhanglin Wu, Min Zhang, Ming Zhu, Yinglu Li, Ting Zhu, Hao Yang, Song Peng, Ying Qin | 2023-01-30T07:12:15Z | cs.CL, cs.AI | BERTScore is an effective and robust automatic metric for referencebased
machine translation evaluation. In this paper, we incorporate multilingual
knowledge graph into BERTScore and propose a metric named KG-BERTScore, which
linearly combines the results of BERTScore and bilingual named entity matching
for reference-free machine translation evaluation. From the experimental
results on WMT19 QE as a metric without references shared tasks, our metric
KG-BERTScore gets higher overall correlation with human judgements than the
current state-of-the-art metrics for reference-free machine translation
evaluation.1 Moreover, the pre-trained multilingual model used by KG-BERTScore
and the parameter for linear combination are also studied in this paper. | cs.CL | KG-BERTScore: Incorporating Knowledge Graph into BERTScore for Reference-Free Machine Translation Evaluation |
2023-01-30T04:43:02Z | http://arxiv.org/pdf/2301.12660v2 | http://arxiv.org/abs/2301.12660v2 | Zhenduo Wang, Yuancheng Tu, Corby Rosset, Nick Craswell, Ming Wu, Qingyao Ai | 2023-02-10T17:05:21Z | cs.IR, cs.CL | A long-standing challenge for search and conversational assistants is query
intention detection in ambiguous queries. Asking clarifying questions in
conversational search has been widely studied and considered an effective
solution to resolve query ambiguity. Existing work have explored various
approaches for clarifying question ranking and generation. However, due to the
lack of real conversational search data, they have to use artificial datasets
for training, which limits their generalizability to real-world search
scenarios. As a result, the industry has shown reluctance to implement them in
reality, further suspending the availability of real conversational search
interaction data. The above dilemma can be formulated as a cold start problem
of clarifying question generation and conversational search in general.
Furthermore, even if we do have large-scale conversational logs, it is not
realistic to gather training data that can comprehensively cover all possible
queries and topics in open-domain search scenarios. The risk of fitting bias
when training a clarifying question retrieval/generation model on
incomprehensive dataset is thus another important challenge.
In this work, we innovatively explore generating clarifying questions in a
zero-shot setting to overcome the cold start problem and we propose a
constrained clarifying question generation system which uses both question
templates and query facets to guide the effective and precise question
generation. The experiment results show that our method outperforms existing
state-of-the-art zero-shot baselines by a large margin. Human annotations to
our model outputs also indicate our method generates 25.2\% more natural
questions, 18.1\% more useful questions, 6.1\% less unnatural and 4\% less
useless questions. | cs.IR | Zero-shot Clarifying Question Generation for Conversational Search |
2023-01-30T04:18:09Z | http://arxiv.org/pdf/2301.12652v4 | http://arxiv.org/abs/2301.12652v4 | Weijia Shi, Sewon Min, Michihiro Yasunaga, Minjoon Seo, Rich James, Mike Lewis, Luke Zettlemoyer, Wen-tau Yih | 2023-05-24T05:08:07Z | cs.CL | We introduce REPLUG, a retrieval-augmented language modeling framework that
treats the language model (LM) as a black box and augments it with a tuneable
retrieval model. Unlike prior retrieval-augmented LMs that train language
models with special cross attention mechanisms to encode the retrieved text,
REPLUG simply prepends retrieved documents to the input for the frozen
black-box LM. This simple design can be easily applied to any existing
retrieval and language models. Furthermore, we show that the LM can be used to
supervise the retrieval model, which can then find documents that help the LM
make better predictions. Our experiments demonstrate that REPLUG with the tuned
retriever significantly improves the performance of GPT-3 (175B) on language
modeling by 6.3%, as well as the performance of Codex on five-shot MMLU by
5.1%. | cs.CL | REPLUG: Retrieval-Augmented Black-Box Language Models |
2023-01-30T03:51:08Z | http://arxiv.org/pdf/2301.12642v1 | http://arxiv.org/abs/2301.12642v1 | Jonathan Dunn | 2023-01-30T03:51:08Z | cs.CL | Recent work has formulated the task for computational construction grammar as
producing a constructicon given a corpus of usage. Previous work has evaluated
these unsupervised grammars using both internal metrics (for example, Minimum
Description Length) and external metrics (for example, performance on a
dialectology task). This paper instead takes a linguistic approach to
evaluation, first learning a constructicon and then analyzing its contents from
a linguistic perspective. This analysis shows that a learned constructicon can
be divided into nine major types of constructions, of which Verbal and Nominal
are the most common. The paper also shows that both the token and type
frequency of constructions can be used to model variation across registers and
dialects. | cs.CL | Exploring the Constructicon: Linguistic Analysis of a Computational CxG |
2023-01-30T02:05:24Z | http://arxiv.org/pdf/2301.12609v4 | http://arxiv.org/abs/2301.12609v4 | Md Arafat Sultan | 2023-10-25T03:10:01Z | cs.LG, cs.CL | Originally proposed as a method for knowledge transfer from one model to
another, some recent studies have suggested that knowledge distillation (KD) is
in fact a form of regularization. Perhaps the strongest argument of all for
this new perspective comes from its apparent similarities with label smoothing
(LS). Here we re-examine this stated equivalence between the two methods by
comparing the predictive confidences of the models they train. Experiments on
four text classification tasks involving models of different sizes show that:
(a) In most settings, KD and LS drive model confidence in completely opposite
directions, and (b) In KD, the student inherits not only its knowledge but also
its confidence from the teacher, reinforcing the classical knowledge transfer
view. | cs.LG | Knowledge Distillation $\approx$ Label Smoothing: Fact or Fallacy? |
2023-01-30T02:04:35Z | http://arxiv.org/pdf/2301.12608v2 | http://arxiv.org/abs/2301.12608v2 | Yimin Fan, Fahim Dalvi, Nadir Durrani, Hassan Sajjad | 2023-11-05T12:57:27Z | cs.CL | Neuron Interpretation has gained traction in the field of interpretability,
and have provided fine-grained insights into what a model learns and how
language knowledge is distributed amongst its different components. However,
the lack of evaluation benchmark and metrics have led to siloed progress within
these various methods, with very little work comparing them and highlighting
their strengths and weaknesses. The reason for this discrepancy is the
difficulty of creating ground truth datasets, for example, many neurons within
a given model may learn the same phenomena, and hence there may not be one
correct answer. Moreover, a learned phenomenon may spread across several
neurons that work together -- surfacing these to create a gold standard
challenging. In this work, we propose an evaluation framework that measures the
compatibility of a neuron analysis method with other methods. We hypothesize
that the more compatible a method is with the majority of the methods, the more
confident one can be about its performance. We systematically evaluate our
proposed framework and present a comparative analysis of a large set of neuron
interpretation methods. We make the evaluation framework available to the
community. It enables the evaluation of any new method using 20 concepts and
across three pre-trained models.The code is released at
https://github.com/fdalvi/neuron-comparative-analysis | cs.CL | Evaluating Neuron Interpretation Methods of NLP Models |
2023-01-30T00:53:50Z | http://arxiv.org/pdf/2301.12596v3 | http://arxiv.org/abs/2301.12596v3 | Takaaki Saeki, Soumi Maiti, Xinjian Li, Shinji Watanabe, Shinnosuke Takamichi, Hiroshi Saruwatari | 2023-05-27T15:15:39Z | eess.AS, cs.CL | While neural text-to-speech (TTS) has achieved human-like natural synthetic
speech, multilingual TTS systems are limited to resource-rich languages due to
the need for paired text and studio-quality audio data. This paper proposes a
method for zero-shot multilingual TTS using text-only data for the target
language. The use of text-only data allows the development of TTS systems for
low-resource languages for which only textual resources are available, making
TTS accessible to thousands of languages. Inspired by the strong cross-lingual
transferability of multilingual language models, our framework first performs
masked language model pretraining with multilingual text-only data. Then we
train this model with a paired data in a supervised manner, while freezing a
language-aware embedding layer. This allows inference even for languages not
included in the paired data but present in the text-only data. Evaluation
results demonstrate highly intelligible zero-shot TTS with a character error
rate of less than 12% for an unseen language. | eess.AS | Learning to Speak from Text: Zero-Shot Multilingual Text-to-Speech with Unsupervised Text Pretraining |
2023-01-29T23:56:45Z | http://arxiv.org/pdf/2301.12586v2 | http://arxiv.org/abs/2301.12586v2 | Dimitrios Christofidellis, Giorgio Giannone, Jannis Born, Ole Winther, Teodoro Laino, Matteo Manica | 2023-05-18T00:37:00Z | cs.LG, cs.CL | The recent advances in neural language models have also been successfully
applied to the field of chemistry, offering generative solutions for classical
problems in molecular design and synthesis planning. These new methods have the
potential to fuel a new era of data-driven automation in scientific discovery.
However, specialized models are still typically required for each task, leading
to the need for problem-specific fine-tuning and neglecting task
interrelations. The main obstacle in this field is the lack of a unified
representation between natural language and chemical representations,
complicating and limiting human-machine interaction. Here, we propose the first
multi-domain, multi-task language model that can solve a wide range of tasks in
both the chemical and natural language domains. Our model can handle chemical
and natural language concurrently, without requiring expensive pre-training on
single domains or task-specific models. Interestingly, sharing weights across
domains remarkably improves our model when benchmarked against state-of-the-art
baselines on single-domain and cross-domain tasks. In particular, sharing
information across domains and tasks gives rise to large improvements in
cross-domain tasks, the magnitude of which increase with scale, as measured by
more than a dozen of relevant metrics. Our work suggests that such models can
robustly and efficiently accelerate discovery in physical sciences by
superseding problem-specific fine-tuning and enhancing human-model
interactions. | cs.LG | Unifying Molecular and Textual Representations via Multi-task Language Modelling |
2023-01-29T22:32:48Z | http://arxiv.org/pdf/2301.12568v1 | http://arxiv.org/abs/2301.12568v1 | Jinghong Chen, Weizhe Lin, Bill Byrne | 2023-01-29T22:32:48Z | cs.CL | Ensuring that generated utterances are faithful to dialogue actions is
crucial for Task-Oriented Dialogue Response Generation. Slot Error Rate (SER)
only partially measures generation quality in that it solely assesses
utterances generated from non-categorical slots whose values are expected to be
reproduced exactly. Utterances generated from categorical slots, which are more
variable, are not assessed by SER. We propose Schema-Guided Semantic Accuracy
(SGSAcc) to evaluate utterances generated from both categorical and
non-categorical slots by recognizing textual entailment. We show that SGSAcc
can be applied to evaluate utterances generated from a wide range of dialogue
actions in the Schema Guided Dialogue (SGD) dataset with good agreement with
human judgment. We also identify a previously overlooked weakness in generating
faithful utterances from categorical slots in unseen domains. We show that
prefix tuning applied to T5 generation can address this problem. We further
build an ensemble of prefix-tuning and fine-tuning models that achieves the
lowest SER reported and high SGSAcc on the SGD dataset. | cs.CL | Schema-Guided Semantic Accuracy: Faithfulness in Task-Oriented Dialogue Response Generation |
2023-01-29T22:30:36Z | http://arxiv.org/pdf/2301.12566v1 | http://arxiv.org/abs/2301.12566v1 | Zhiqi Huang, Puxuan Yu, James Allan | 2023-01-29T22:30:36Z | cs.CL, cs.IR | Benefiting from transformer-based pre-trained language models, neural ranking
models have made significant progress. More recently, the advent of
multilingual pre-trained language models provides great support for designing
neural cross-lingual retrieval models. However, due to unbalanced pre-training
data in different languages, multilingual language models have already shown a
performance gap between high and low-resource languages in many downstream
tasks. And cross-lingual retrieval models built on such pre-trained models can
inherit language bias, leading to suboptimal result for low-resource languages.
Moreover, unlike the English-to-English retrieval task, where large-scale
training collections for document ranking such as MS MARCO are available, the
lack of cross-lingual retrieval data for low-resource language makes it more
challenging for training cross-lingual retrieval models. In this work, we
propose OPTICAL: Optimal Transport distillation for low-resource Cross-lingual
information retrieval. To transfer a model from high to low resource languages,
OPTICAL forms the cross-lingual token alignment task as an optimal transport
problem to learn from a well-trained monolingual retrieval model. By separating
the cross-lingual knowledge from knowledge of query document matching, OPTICAL
only needs bitext data for distillation training, which is more feasible for
low-resource languages. Experimental results show that, with minimal training
data, OPTICAL significantly outperforms strong baselines on low-resource
languages, including neural machine translation. | cs.CL | Improving Cross-lingual Information Retrieval on Low-Resource Languages via Optimal Transport Distillation |
2023-01-29T22:29:55Z | http://arxiv.org/pdf/2301.12564v2 | http://arxiv.org/abs/2301.12564v2 | Kyle Mahowald | 2023-02-03T19:48:52Z | cs.CL | Knowledge of syntax includes knowledge of rare, idiosyncratic constructions.
LLMs must overcome frequency biases in order to master such constructions. In
this study, I prompt GPT-3 to give acceptability judgments on the
English-language Article + Adjective + Numeral + Noun construction (e.g., "a
lovely five days"). I validate the prompt using the CoLA corpus of
acceptability judgments and then zero in on the AANN construction. I compare
GPT- 3's judgments to crowdsourced human judgments on a subset of sentences.
GPT-3's judgments are broadly similar to human judgments and generally align
with proposed constraints in the literature but, in some cases, GPT-3's
judgments and human judgments diverge from the literature and from each other. | cs.CL | A Discerning Several Thousand Judgments: GPT-3 Rates the Article + Adjective + Numeral + Noun Construction |
2023-01-29T20:39:21Z | http://arxiv.org/pdf/2301.12534v4 | http://arxiv.org/abs/2301.12534v4 | Tharindu Cyril Weerasooriya, Sujan Dutta, Tharindu Ranasinghe, Marcos Zampieri, Christopher M. Homan, Ashiqur R. KhudaBukhsh | 2023-11-09T13:46:40Z | cs.CL, cs.CY, cs.LG | Offensive speech detection is a key component of content moderation. However,
what is offensive can be highly subjective. This paper investigates how machine
and human moderators disagree on what is offensive when it comes to real-world
social web political discourse. We show that (1) there is extensive
disagreement among the moderators (humans and machines); and (2) human and
large-language-model classifiers are unable to predict how other human raters
will respond, based on their political leanings. For (1), we conduct a noise
audit at an unprecedented scale that combines both machine and human responses.
For (2), we introduce a first-of-its-kind dataset of vicarious offense. Our
noise audit reveals that moderation outcomes vary wildly across different
machine moderators. Our experiments with human moderators suggest that
political leanings combined with sensitive issues affect both first-person and
vicarious offense. The dataset is available through
https://github.com/Homan-Lab/voiced. | cs.CL | Vicarious Offense and Noise Audit of Offensive Speech Classifiers: Unifying Human and Machine Disagreement on What is Offensive |
2023-01-29T19:27:08Z | http://arxiv.org/pdf/2301.12520v1 | http://arxiv.org/abs/2301.12520v1 | Abhijit Mahabal, Jiyun Luo, Rui Huang, Michael Ellsworth, Rui Li | 2023-01-29T19:27:08Z | cs.CL | Creating a taxonomy of interests is expensive and human-effort intensive: not
only do we need to identify nodes and interconnect them, in order to use the
taxonomy, we must also connect the nodes to relevant entities such as users,
pins, and queries. Connecting to entities is challenging because of ambiguities
inherent to language but also because individual interests are dynamic and
evolve. Here, we offer an alternative approach that begins with bottom-up
discovery of $\mu$-topics called pincepts. The discovery process itself
connects these $\mu$-topics dynamically with relevant queries, pins, and users
at high precision, automatically adapting to shifting interests. Pincepts cover
all areas of user interest and automatically adjust to the specificity of user
interests and are thus suitable for the creation of various kinds of
taxonomies. Human experts associate taxonomy nodes with $\mu$-topics (on
average, 3 $\mu$-topics per node), and the $\mu$-topics offer a high-level data
layer that allows quick definition, immediate inspection, and easy
modification. Even more powerfully, $\mu$-topics allow easy exploration of
nearby semantic space, enabling curators to spot and fill gaps. Curators'
domain knowledge is heavily leveraged and we thus don't need untrained
mechanical Turks, allowing further cost reduction. These $\mu$-topics thus
offer a satisfactory "symbolic" stratum over which to define taxonomies. We
have successfully applied this technique for very rapidly iterating on and
launching the home decor and fashion styles taxonomy for style-based
personalization, prominently featured at the top of Pinterest search results,
at 94% precision, improving search success rate by 34.8% as well as boosting
long clicks and pin saves. | cs.CL | Producing Usable Taxonomies Cheaply and Rapidly at Pinterest Using Discovered Dynamic $μ$-Topics |
2023-01-29T16:55:49Z | http://arxiv.org/pdf/2301.13609v1 | http://arxiv.org/abs/2301.13609v1 | Md. Ahsan Habib, M. A. H. Akhand | 2023-01-29T16:55:49Z | physics.soc-ph, cs.CL | Mobility is a key factor in urban life and transport network plays a vital
role in mobility. Worse transport network having less mobility is one of the
key reasons to decline the living standard in any unplanned mega city.
Transport mobility enhancement in an unplanned mega city is always challenging
due to various constraints including complex design and high cost involvement.
The aim of this thesis is to enhance transport mobility in a megacity
introducing a bicycle lane. To design the bicycle lane natural Physarum,
brainless single celled multi-nucleated protist, is studied and modified for
better optimization. Recently Physarum inspired techniques are drawn
significant attention to the construction of effective networks. Exiting
Physarum inspired models effectively and efficiently solves different problems
including transport network design and modification and implication for bicycle
lane is the unique contribution of this study. Central area of Dhaka, the
capital city of Bangladesh, is considered to analyze and design the bicycle
lane network bypassing primary roads. | physics.soc-ph | Physarum Inspired Bicycle Lane Network Design in a Congested Mega City |
2023-01-29T15:52:33Z | http://arxiv.org/pdf/2301.12473v2 | http://arxiv.org/abs/2301.12473v2 | Vahan Arsenyan, Spartak Bughdaryan, Fadi Shaya, Kent Small, Davit Shahnazaryan | 2023-12-09T17:31:49Z | cs.CL, cs.LG | The automatic construction of knowledge graphs (KGs) is an important research
area in medicine, with far-reaching applications spanning drug discovery and
clinical trial design. These applications hinge on the accurate identification
of interactions among medical and biological entities. In this study, we
propose an end-to-end machine learning solution based on large language models
(LLMs) that utilize electronic medical record notes to construct KGs. The
entities used in the KG construction process are diseases, factors, treatments,
as well as manifestations that coexist with the patient while experiencing the
disease. Given the critical need for high-quality performance in medical
applications, we embark on a comprehensive assessment of 12 LLMs of various
architectures, evaluating their performance and safety attributes. To gauge the
quantitative efficacy of our approach by assessing both precision and recall,
we manually annotate a dataset provided by the Macula and Retina Institute. We
also assess the qualitative performance of LLMs, such as the ability to
generate structured outputs or the tendency to hallucinate. The results
illustrate that in contrast to encoder-only and encoder-decoder, decoder-only
LLMs require further investigation. Additionally, we provide guided prompt
design to utilize such LLMs. The application of the proposed methodology is
demonstrated on age-related macular degeneration. | cs.CL | Large Language Models for Biomedical Knowledge Graph Construction: Information extraction from EMR notes |
2023-01-29T15:22:10Z | http://arxiv.org/pdf/2301.12463v2 | http://arxiv.org/abs/2301.12463v2 | Shreekanth M Prabhu, Abhisek Midye | 2024-04-16T14:19:58Z | cs.CL, cs.FL | The study of spoken languages comprises phonology, morphology, and grammar.
Analysis of a language can be based on its syntax, semantics, and pragmatics.
The languages can be classified as root languages, inflectional languages, and
stem languages. All these factors lead to the formation of vocabulary which has
commonality/similarity as well as distinct and subtle differences across
languages. In this paper, we make use of Paninian system of sounds to construct
a phonetic map and then words are represented as state transitions on the
phonetic map. Each group of related words that cut across languages is
represented by a m-language (morphological language). Morphological Finite
Automata (MFA) are defined that accept the words belonging to a given
m-language. This exercise can enable us to better understand the
inter-relationships between words in spoken languages in both language-agnostic
and language-cognizant manner. Based on our study and analysis, we propose an
Ecosystem Model for Linguistic Development with Sanskrit at the core, in place
of the widely accepted family tree model. | cs.CL | Linguistic Analysis using Paninian System of Sounds and Finite State Machines |
2023-01-29T10:55:36Z | http://arxiv.org/pdf/2301.12417v1 | http://arxiv.org/abs/2301.12417v1 | Christopher Lohse, Jeroen Lemsom, Athanasios Kalogiratos | 2023-01-29T10:55:36Z | cs.CL | This paper uses textual data contained in certified (q-graded) coffee reviews
to predict corresponding scores on a scale from 0-100. By transforming this
highly specialized and standardized textual data in a predictor space, we
construct regression models which accurately capture the patterns in
corresponding coffee bean scores. | cs.CL | Syrupy Mouthfeel and Hints of Chocolate -- Predicting Coffee Review Scores using Text Based Sentiment |
2023-01-29T06:41:55Z | http://arxiv.org/pdf/2301.12376v1 | http://arxiv.org/abs/2301.12376v1 | Xinnian Liang, Shuangzhi Wu, Chenhao Cui, Jiaqi Bai, Chao Bian, Zhoujun Li | 2023-01-29T06:41:55Z | cs.CL | Dialogue summarization aims to condense a given dialogue into a simple and
focused summary text. Typically, both the roles' viewpoints and conversational
topics change in the dialogue stream. Thus how to effectively handle the
shifting topics and select the most salient utterance becomes one of the major
challenges of this task. In this paper, we propose a novel topic-aware
Global-Local Centrality (GLC) model to help select the salient context from all
sub-topics. The centralities are constructed at both the global and local
levels. The global one aims to identify vital sub-topics in the dialogue and
the local one aims to select the most important context in each sub-topic.
Specifically, the GLC collects sub-topic based on the utterance
representations. And each utterance is aligned with one sub-topic. Based on the
sub-topics, the GLC calculates global- and local-level centralities. Finally,
we combine the two to guide the model to capture both salient context and
sub-topics when generating summaries. Experimental results show that our model
outperforms strong baselines on three public dialogue summarization datasets:
CSDS, MC, and SAMSUM. Further analysis demonstrates that our GLC can exactly
identify vital contents from
sub-topics.~\footnote{\url{https://github.com/xnliang98/bart-glc}} | cs.CL | Enhancing Dialogue Summarization with Topic-Aware Global- and Local- Level Centrality |
2023-01-29T03:47:59Z | http://arxiv.org/pdf/2301.12343v1 | http://arxiv.org/abs/2301.12343v1 | Xian Shi, Yanni Chen, Shiliang Zhang, Zhijie Yan | 2023-01-29T03:47:59Z | cs.SD, cs.CL, eess.AS | Conventional ASR systems use frame-level phoneme posterior to conduct
force-alignment~(FA) and provide timestamps, while end-to-end ASR systems
especially AED based ones are short of such ability. This paper proposes to
perform timestamp prediction~(TP) while recognizing by utilizing continuous
integrate-and-fire~(CIF) mechanism in non-autoregressive ASR model -
Paraformer. Foucing on the fire place bias issue of CIF, we conduct
post-processing strategies including fire-delay and silence insertion. Besides,
we propose to use scaled-CIF to smooth the weights of CIF output, which is
proved beneficial for both ASR and TP task. Accumulated averaging shift~(AAS)
and diarization error rate~(DER) are adopted to measure the quality of
timestamps and we compare these metrics of proposed system and conventional
hybrid force-alignment system. The experiment results over manually-marked
timestamps testset show that the proposed optimization methods significantly
improve the accuracy of CIF timestamps, reducing 66.7\% and 82.1\% of AAS and
DER respectively. Comparing to Kaldi force-alignment trained with the same
data, optimized CIF timestamps achieved 12.3\% relative AAS reduction. | cs.SD | Achieving Timestamp Prediction While Recognizing with Non-Autoregressive End-to-End ASR Model |
2023-01-29T02:58:01Z | http://arxiv.org/pdf/2301.12331v2 | http://arxiv.org/abs/2301.12331v2 | Navjot Kaur, Paige Tuttosi | 2023-01-31T05:30:55Z | cs.CL, cs.SD, eess.AS | Voice synthesis has seen significant improvements in the past decade
resulting in highly intelligible voices. Further investigations have resulted
in models that can produce variable speech, including conditional emotional
expression. The problem lies, however, in a focus on phrase-level modifications
and prosodic vocal features. Using the CREMA-D dataset we have trained a GAN
conditioned on emotion to generate worth lengths for a given input text. These
word lengths are relative to neutral speech and can be provided, through speech
synthesis markup language (SSML) to a text-to-speech (TTS) system to generate
more expressive speech. Additionally, a generative model is also trained using
implicit maximum likelihood estimation (IMLE) and a comparative analysis with
GANs is included. We were able to achieve better performances on objective
measures for neutral speech, and better time alignment for happy speech when
compared to an out-of-box model. However, further investigation of subjective
evaluation is required. | cs.CL | Time out of Mind: Generating Rate of Speech conditioned on emotion and speaker |
2023-01-29T00:17:38Z | http://arxiv.org/pdf/2301.12314v1 | http://arxiv.org/abs/2301.12314v1 | Anastasia Razdaibiedina, Yuning Mao, Rui Hou, Madian Khabsa, Mike Lewis, Amjad Almahairi | 2023-01-29T00:17:38Z | cs.CL, cs.AI, cs.LG | We introduce Progressive Prompts - a simple and efficient approach for
continual learning in language models. Our method allows forward transfer and
resists catastrophic forgetting, without relying on data replay or a large
number of task-specific parameters. Progressive Prompts learns a new soft
prompt for each task and sequentially concatenates it with the previously
learned prompts, while keeping the base model frozen. Experiments on standard
continual learning benchmarks show that our approach outperforms
state-of-the-art methods, with an improvement >20% in average test accuracy
over the previous best-preforming method on T5 model. We also explore a more
challenging continual learning setup with longer sequences of tasks and show
that Progressive Prompts significantly outperforms prior methods. | cs.CL | Progressive Prompts: Continual Learning for Language Models |
2023-01-28T23:08:25Z | http://arxiv.org/pdf/2301.12307v2 | http://arxiv.org/abs/2301.12307v2 | Potsawee Manakul, Adian Liusie, Mark J. F. Gales | 2023-09-07T18:20:40Z | cs.CL | State-of-the-art summarization systems can generate highly fluent summaries.
These summaries, however, may contain factual inconsistencies and/or
information not present in the source. Hence, an important component of
assessing the quality of summaries is to determine whether there is information
consistency between the source and the summary. Existing approaches are
typically based on lexical matching or representation-based methods. In this
work, we introduce an alternative scheme based on standard
information-theoretic measures in which the information present in the source
and summary is directly compared. We propose a Multiple-choice Question
Answering and Generation framework, MQAG, which approximates the information
consistency by computing the expected statistical distance between summary and
source answer distributions over automatically generated multiple-choice
questions. This approach exploits multiple-choice answer probabilities, as
predicted answer distributions can be compared. We conduct experiments on four
summary evaluation datasets: QAG-CNNDM/XSum, XSum-Hallucination, Podcast
Assessment, and SummEval. Experiments show that MQAG, using models trained on
SQuAD or RACE, outperforms existing evaluation methods on the majority of
tasks. | cs.CL | MQAG: Multiple-choice Question Answering and Generation for Assessing Information Consistency in Summarization |
2023-01-28T22:21:51Z | http://arxiv.org/pdf/2301.12303v1 | http://arxiv.org/abs/2301.12303v1 | Aadil Gani Ganie | 2023-01-28T22:21:51Z | cs.CL | This study aimed to investigate the influence of the presence of informal
language, such as emoticons and slang, on the performance of sentiment analysis
models applied to social media text. A convolutional neural network (CNN) model
was developed and trained on three datasets: a sarcasm dataset, a sentiment
dataset, and an emoticon dataset. The model architecture was held constant for
all experiments and the model was trained on 80% of the data and tested on 20%.
The results revealed that the model achieved an accuracy of 96.47% on the
sarcasm dataset, with the lowest accuracy for class 1. On the sentiment
dataset, the model achieved an accuracy of 95.28%. The amalgamation of sarcasm
and sentiment datasets improved the accuracy of the model to 95.1%, and the
addition of emoticon dataset has a slight positive impact on the accuracy of
the model to 95.37%. The study suggests that the presence of informal language
has a restricted impact on the performance of sentiment analysis models applied
to social media text. However, the inclusion of emoticon data to the model can
enhance the accuracy slightly. | cs.CL | Presence of informal language, such as emoticons, hashtags, and slang, impact the performance of sentiment analysis models on social media text? |
2023-01-28T20:23:39Z | http://arxiv.org/pdf/2302.01292v1 | http://arxiv.org/abs/2302.01292v1 | Nicholas J. Horton, Jie Chao, Phebe Palmer, William Finzer | 2023-01-28T20:23:39Z | cs.CY, cs.CL | Text provides a compelling example of unstructured data that can be used to
motivate and explore classification problems. Challenges arise regarding the
representation of features of text and student linkage between text
representations as character strings and identification of features that embed
connections with underlying phenomena. In order to observe how students reason
with text data in scenarios designed to elicit certain aspects of the domain,
we employed a task-based interview method using a structured protocol with six
pairs of undergraduate students. Our goal was to shed light on students'
understanding of text as data using a motivating task to classify headlines as
"clickbait" or "news". Three types of features (function, content, and form)
surfaced, the majority from the first scenario. Our analysis of the interviews
indicates that this sequence of activities engaged the participants in thinking
at both the human-perception level and the computer-extraction level and
conceptualizing connections between them. | cs.CY | How learners produce data from text in classifying clickbait |
2023-01-28T14:45:11Z | http://arxiv.org/pdf/2301.12217v1 | http://arxiv.org/abs/2301.12217v1 | Laura Perez-Beltrachini, Parag Jain, Emilio Monti, Mirella Lapata | 2023-01-28T14:45:11Z | cs.CL | In this paper, we are interested in developing semantic parsers which
understand natural language questions embedded in a conversation with a user
and ground them to formal queries over definitions in a general purpose
knowledge graph (KG) with very large vocabularies (covering thousands of
concept names and relations, and millions of entities). To this end, we develop
a dataset where user questions are annotated with Sparql parses and system
answers correspond to execution results thereof. We present two different
semantic parsing approaches and highlight the challenges of the task: dealing
with large vocabularies, modelling conversation context, predicting queries
with multiple entities, and generalising to new questions at test time. We hope
our dataset will serve as useful testbed for the development of conversational
semantic parsers. Our dataset and models are released at
https://github.com/EdinburghNLP/SPICE. | cs.CL | Semantic Parsing for Conversational Question Answering over Knowledge Graphs |
2023-01-28T14:06:17Z | http://arxiv.org/pdf/2301.12206v1 | http://arxiv.org/abs/2301.12206v1 | Farshad Noravesh | 2023-01-28T14:06:17Z | cs.CL | In the present paper, two models are presented namely LSTM-CRF and
BERT-LSTM-CRF for semantic tagging of universal semantic tag dataset. The
experiments show that the first model is much easier to converge while the
second model that leverages BERT embedding, takes a long time to converge and
needs a big dataset for semtagging to be effective. | cs.CL | Semantic Tagging with LSTM-CRF |
2023-01-28T09:28:55Z | http://arxiv.org/pdf/2301.12140v1 | http://arxiv.org/abs/2301.12140v1 | Weikang Wang, Guanhua Chen, Hanqing Wang, Yue Han, Yun Chen | 2023-01-28T09:28:55Z | cs.CL | Multilingual pretrained language models (mPLMs) have shown their
effectiveness in multilingual word alignment induction. However, these methods
usually start from mBERT or XLM-R. In this paper, we investigate whether
multilingual sentence Transformer LaBSE is a strong multilingual word aligner.
This idea is non-trivial as LaBSE is trained to learn language-agnostic
sentence-level embeddings, while the alignment extraction task requires the
more fine-grained word-level embeddings to be language-agnostic. We demonstrate
that the vanilla LaBSE outperforms other mPLMs currently used in the alignment
task, and then propose to finetune LaBSE on parallel corpus for further
improvement. Experiment results on seven language pairs show that our best
aligner outperforms previous state-of-the-art models of all varieties. In
addition, our aligner supports different language pairs in a single model, and
even achieves new state-of-the-art on zero-shot language pairs that does not
appear in the finetuning process. | cs.CL | Multilingual Sentence Transformer as A Multilingual Word Aligner |
2023-01-28T09:28:19Z | http://arxiv.org/pdf/2301.12139v3 | http://arxiv.org/abs/2301.12139v3 | Tosin Adewumi, Isabella Södergren, Lama Alkhaled, Sana Sabah Sabry, Foteini Liwicki, Marcus Liwicki | 2023-09-16T15:56:11Z | cs.CL | We investigate five English NLP benchmark datasets (on the superGLUE
leaderboard) and two Swedish datasets for bias, along multiple axes. The
datasets are the following: Boolean Question (Boolq), CommitmentBank (CB),
Winograd Schema Challenge (WSC), Wino-gender diagnostic (AXg), Recognising
Textual Entailment (RTE), Swedish CB, and SWEDN. Bias can be harmful and it is
known to be common in data, which ML models learn from. In order to mitigate
bias in data, it is crucial to be able to estimate it objectively. We use
bipol, a novel multi-axes bias metric with explainability, to estimate and
explain how much bias exists in these datasets. Multilingual, multi-axes bias
evaluation is not very common. Hence, we also contribute a new, large Swedish
bias-labelled dataset (of 2 million samples), translated from the English
version and train the SotA mT5 model on it. In addition, we contribute new
multi-axes lexica for bias detection in Swedish. We make the codes, model, and
new dataset publicly available. | cs.CL | Bipol: Multi-axes Evaluation of Bias with Explainability in Benchmark Datasets |
2023-01-28T09:04:43Z | http://arxiv.org/pdf/2301.12134v1 | http://arxiv.org/abs/2301.12134v1 | Parth Parekh, Cedric McGuire, Jake Imyak | 2023-01-28T09:04:43Z | cs.CL, cs.AI, I.2.7; C.3 | Semantic parsing is a means of taking natural language and putting it in a
form that a computer can understand. There has been a multitude of approaches
that take natural language utterances and form them into lambda calculus
expressions -- mathematical functions to describe logic. Here, we experiment
with a sequence to sequence model to take natural language utterances, convert
those to lambda calculus expressions, when can then be parsed, and place them
in an XML format that can be used by a finite state machine. Experimental
results show that we can have a high accuracy model such that we can bridge the
gap between technical and nontechnical individuals in the robotics field. | cs.CL | Underwater Robotics Semantic Parser Assistant |
2023-01-28T08:51:23Z | http://arxiv.org/pdf/2301.12132v3 | http://arxiv.org/abs/2301.12132v3 | Han Zhou, Xingchen Wan, Ivan Vulić, Anna Korhonen | 2024-01-29T10:41:51Z | cs.CL, cs.AI, cs.LG | Large pretrained language models are widely used in downstream NLP tasks via
task-specific fine-tuning, but such procedures can be costly. Recently,
Parameter-Efficient Fine-Tuning (PEFT) methods have achieved strong task
performance while updating much fewer parameters than full model fine-tuning
(FFT). However, it is non-trivial to make informed design choices on the PEFT
configurations, such as their architecture, the number of tunable parameters,
and even the layers in which the PEFT modules are inserted. Consequently, it is
highly likely that the current, manually designed configurations are suboptimal
in terms of their performance-efficiency trade-off. Inspired by advances in
neural architecture search, we propose AutoPEFT for automatic PEFT
configuration selection: we first design an expressive configuration search
space with multiple representative PEFT modules as building blocks. Using
multi-objective Bayesian optimisation in a low-cost setup, we then discover a
Pareto-optimal set of configurations with strong performance-cost trade-offs
across different numbers of parameters that are also highly transferable across
different tasks. Empirically, on GLUE and SuperGLUE tasks, we show that
AutoPEFT-discovered configurations significantly outperform existing PEFT
methods and are on par or better than FFT without incurring substantial
training efficiency costs. | cs.CL | AutoPEFT: Automatic Configuration Search for Parameter-Efficient Fine-Tuning |
Subsets and Splits