chunk
stringlengths 128
128
| id
stringlengths 10
10
| title
stringlengths 19
148
| summary
stringlengths 345
1.92k
| source
stringlengths 31
31
| authors
sequence | text_length
int64 128
128
|
---|---|---|---|---|---|---|
Generating Long Sequences with Sparse Transformers
Rewon Child1Scott Gray1Alec Radford1Ilya Sutskever1
Abstract
Transformers are | 1904.10509 | Generating Long Sequences with Sparse Transformers | Transformers are powerful sequence models, but require time and memory that
grows quadratically with the sequence length. In this paper we introduce sparse
factorizations of the attention matrix which reduce this to $O(n \sqrt{n})$. We
also introduce a) a variation on architecture and initialization to train
deeper networks, b) the recomputation of attention matrices to save memory, and
c) fast attention kernels for training. We call networks with these changes
Sparse Transformers, and show they can model sequences tens of thousands of
timesteps long using hundreds of layers. We use the same architecture to model
images, audio, and text from raw bytes, setting a new state of the art for
density modeling of Enwik8, CIFAR-10, and ImageNet-64. We generate
unconditional samples that demonstrate global coherence and great diversity,
and show it is possible in principle to use self-attention to model sequences
of length one million or more. | http://arxiv.org/pdf/1904.10509 | [
"Rewon Child",
"Scott Gray",
"Alec Radford",
"Ilya Sutskever"
] | 128 |
NORMALIZED DIRECTION -PRESERVING ADAM
Zijun Zhang
Department of Computer Science
University of Calgary
[email protected] | 1709.04546 | Normalized Direction-preserving Adam | Adaptive optimization algorithms, such as Adam and RMSprop, have shown better
optimization performance than stochastic gradient descent (SGD) in some
scenarios. However, recent studies show that they often lead to worse
generalization performance than SGD, especially for training deep neural
networks (DNNs). In this work, we identify the reasons that Adam generalizes
worse than SGD, and develop a variant of Adam to eliminate the generalization
gap. The proposed method, normalized direction-preserving Adam (ND-Adam),
enables more precise control of the direction and step size for updating weight
vectors, leading to significantly improved generalization performance.
Following a similar rationale, we further improve the generalization
performance in classification tasks by regularizing the softmax logits. By
bridging the gap between SGD and Adam, we also hope to shed light on why
certain optimization algorithms generalize better than others. | http://arxiv.org/pdf/1709.04546 | [
"Zijun Zhang",
"Lin Ma",
"Zongpeng Li",
"Chuan Wu"
] | 128 |
Published as a conference paper at ICLR 2020
THECURIOUS CASE OF
NEURAL TEXT DeGENERATION
Ari HoltzmanyzJan BuysxyLi DuyMaxwell F | 1904.09751 | The Curious Case of Neural Text Degeneration | Despite considerable advancements with deep neural language models, the
enigma of neural text degeneration persists when these models are tested as
text generators. The counter-intuitive empirical observation is that even
though the use of likelihood as training objective leads to high quality models
for a broad range of language understanding tasks, using likelihood as a
decoding objective leads to text that is bland and strangely repetitive.
In this paper, we reveal surprising distributional differences between human
text and machine text. In addition, we find that decoding strategies alone can
dramatically effect the quality of machine text, even when generated from
exactly the same neural language model. Our findings motivate Nucleus Sampling,
a simple but effective method to draw the best out of neural generation. By
sampling text from the dynamic nucleus of the probability distribution, which
allows for diversity while effectively truncating the less reliable tail of the
distribution, the resulting text better demonstrates the quality of human text,
yielding enhanced diversity without sacrificing fluency and coherence. | http://arxiv.org/pdf/1904.09751 | [
"Ari Holtzman",
"Jan Buys",
"Li Du",
"Maxwell Forbes",
"Yejin Choi"
] | 128 |
Challenging BIG-Bench tasks and
whether chain-of-thought can solve them
Mirac SuzgunNathan Scales Nathanael Schärli Sebastian G | 2210.09261 | Challenging BIG-Bench Tasks and Whether Chain-of-Thought Can Solve Them | BIG-Bench (Srivastava et al., 2022) is a diverse evaluation suite that
focuses on tasks believed to be beyond the capabilities of current language
models. Language models have already made good progress on this benchmark, with
the best model in the BIG-Bench paper outperforming average reported
human-rater results on 65% of the BIG-Bench tasks via few-shot prompting. But
on what tasks do language models fall short of average human-rater performance,
and are those tasks actually unsolvable by current language models?
In this work, we focus on a suite of 23 challenging BIG-Bench tasks which we
call BIG-Bench Hard (BBH). These are the task for which prior language model
evaluations did not outperform the average human-rater. We find that applying
chain-of-thought (CoT) prompting to BBH tasks enables PaLM to surpass the
average human-rater performance on 10 of the 23 tasks, and Codex
(code-davinci-002) to surpass the average human-rater performance on 17 of the
23 tasks. Since many tasks in BBH require multi-step reasoning, few-shot
prompting without CoT, as done in the BIG-Bench evaluations (Srivastava et al.,
2022), substantially underestimates the best performance and capabilities of
language models, which is better captured via CoT prompting. As further
analysis, we explore the interaction between CoT and model scale on BBH,
finding that CoT enables emergent task performance on several BBH tasks with
otherwise flat scaling curves. | http://arxiv.org/pdf/2210.09261 | [
"Mirac Suzgun",
"Nathan Scales",
"Nathanael Schärli",
"Sebastian Gehrmann",
"Yi Tay",
"Hyung Won Chung",
"Aakanksha Chowdhery",
"Quoc V. Le",
"Ed H. Chi",
"Denny Zhou",
"Jason Wei"
] | 128 |
arXiv:1502.05698v10 [cs.AI] 31 Dec 2015Underreviewasaconferencepaperat ICLR2016
TOWARDS AI-COMPLETE QUESTION ANSWERING :
A SET | 1502.05698 | Towards AI-Complete Question Answering: A Set of Prerequisite Toy Tasks | One long-term goal of machine learning research is to produce methods that
are applicable to reasoning and natural language, in particular building an
intelligent dialogue agent. To measure progress towards that goal, we argue for
the usefulness of a set of proxy tasks that evaluate reading comprehension via
question answering. Our tasks measure understanding in several ways: whether a
system is able to answer questions via chaining facts, simple induction,
deduction and many more. The tasks are designed to be prerequisites for any
system that aims to be capable of conversing with a human. We believe many
existing learning systems can currently not solve them, and hence our aim is to
classify these tasks into skill sets, so that researchers can identify (and
then rectify) the failings of their systems. We also extend and improve the
recently introduced Memory Networks model, and show it is able to solve some,
but not all, of the tasks. | http://arxiv.org/pdf/1502.05698 | [
"Jason Weston",
"Antoine Bordes",
"Sumit Chopra",
"Alexander M. Rush",
"Bart van Merriënboer",
"Armand Joulin",
"Tomas Mikolov"
] | 128 |
Robotic Skill Acquisition via Instruction
Augmentation with Vision-Language Models
Ted Xiao1;Harris Chan1;2;Pierre Sermanet1Ay | 2211.11736 | Robotic Skill Acquisition via Instruction Augmentation with Vision-Language Models | In recent years, much progress has been made in learning robotic manipulation
policies that follow natural language instructions. Such methods typically
learn from corpora of robot-language data that was either collected with
specific tasks in mind or expensively re-labelled by humans with rich language
descriptions in hindsight. Recently, large-scale pretrained vision-language
models (VLMs) like CLIP or ViLD have been applied to robotics for learning
representations and scene descriptors. Can these pretrained models serve as
automatic labelers for robot data, effectively importing Internet-scale
knowledge into existing datasets to make them useful even for tasks that are
not reflected in their ground truth annotations? To accomplish this, we
introduce Data-driven Instruction Augmentation for Language-conditioned control
(DIAL): we utilize semi-supervised language labels leveraging the semantic
understanding of CLIP to propagate knowledge onto large datasets of unlabelled
demonstration data and then train language-conditioned policies on the
augmented datasets. This method enables cheaper acquisition of useful language
descriptions compared to expensive human labels, allowing for more efficient
label coverage of large-scale datasets. We apply DIAL to a challenging
real-world robotic manipulation domain where 96.5% of the 80,000 demonstrations
do not contain crowd-sourced language annotations. DIAL enables imitation
learning policies to acquire new capabilities and generalize to 60 novel
instructions unseen in the original dataset. | http://arxiv.org/pdf/2211.11736 | [
"Ted Xiao",
"Harris Chan",
"Pierre Sermanet",
"Ayzaan Wahid",
"Anthony Brohan",
"Karol Hausman",
"Sergey Levine",
"Jonathan Tompson"
] | 128 |
RACE: Large-scale ReAding Comprehension Dataset From Examinations
Guokun LaiandQizhe XieandHanxiao Liu andYiming Yang andEduar | 1704.04683 | RACE: Large-scale ReAding Comprehension Dataset From Examinations | We present RACE, a new dataset for benchmark evaluation of methods in the
reading comprehension task. Collected from the English exams for middle and
high school Chinese students in the age range between 12 to 18, RACE consists
of near 28,000 passages and near 100,000 questions generated by human experts
(English instructors), and covers a variety of topics which are carefully
designed for evaluating the students' ability in understanding and reasoning.
In particular, the proportion of questions that requires reasoning is much
larger in RACE than that in other benchmark datasets for reading comprehension,
and there is a significant gap between the performance of the state-of-the-art
models (43%) and the ceiling human performance (95%). We hope this new dataset
can serve as a valuable resource for research and evaluation in machine
comprehension. The dataset is freely available at
http://www.cs.cmu.edu/~glai1/data/race/ and the code is available at
https://github.com/qizhex/RACE_AR_baselines. | http://arxiv.org/pdf/1704.04683 | [
"Guokun Lai",
"Qizhe Xie",
"Hanxiao Liu",
"Yiming Yang",
"Eduard Hovy"
] | 128 |
arXiv:2104.07838v1 [cs.CL] 16 Apr 2021Investigating Failures of Automatic Translation
in the Case of Unambiguous Gender
Adithy | 2104.07838 | Investigating Failures of Automatic Translation in the Case of Unambiguous Gender | Transformer based models are the modern work horses for neural machine
translation (NMT), reaching state of the art across several benchmarks. Despite
their impressive accuracy, we observe a systemic and rudimentary class of
errors made by transformer based models with regards to translating from a
language that doesn't mark gender on nouns into others that do. We find that
even when the surrounding context provides unambiguous evidence of the
appropriate grammatical gender marking, no transformer based model we tested
was able to accurately gender occupation nouns systematically. We release an
evaluation scheme and dataset for measuring the ability of transformer based
NMT models to translate gender morphology correctly in unambiguous contexts
across syntactically diverse sentences. Our dataset translates from an English
source into 20 languages from several different language families. With the
availability of this dataset, our hope is that the NMT community can iterate on
solutions for this class of especially egregious errors. | http://arxiv.org/pdf/2104.07838 | [
"Adithya Renduchintala",
"Adina Williams"
] | 128 |
Journal of Machine Learning Research 20 (2019) 1-49 Submitted 11/18; Published 7/19
Measuring the Eects of Data Parallelism
on | 1811.03600 | Measuring the Effects of Data Parallelism on Neural Network Training | Recent hardware developments have dramatically increased the scale of data
parallelism available for neural network training. Among the simplest ways to
harness next-generation hardware is to increase the batch size in standard
mini-batch neural network training algorithms. In this work, we aim to
experimentally characterize the effects of increasing the batch size on
training time, as measured by the number of steps necessary to reach a goal
out-of-sample error. We study how this relationship varies with the training
algorithm, model, and data set, and find extremely large variation between
workloads. Along the way, we show that disagreements in the literature on how
batch size affects model quality can largely be explained by differences in
metaparameter tuning and compute budgets at different batch sizes. We find no
evidence that larger batch sizes degrade out-of-sample performance. Finally, we
discuss the implications of our results on efforts to train neural networks
much faster in the future. Our experimental data is publicly available as a
database of 71,638,836 loss measurements taken over the course of training for
168,160 individual models across 35 workloads. | http://arxiv.org/pdf/1811.03600 | [
"Christopher J. Shallue",
"Jaehoon Lee",
"Joseph Antognini",
"Jascha Sohl-Dickstein",
"Roy Frostig",
"George E. Dahl"
] | 128 |
Building a Conversational Agent Overnight with Dialogue Self-Play
Pararth Shah1, Dilek Hakkani-T ¨ur, Gokhan T ¨ur, Abhinav Rast | 1801.04871 | Building a Conversational Agent Overnight with Dialogue Self-Play | We propose Machines Talking To Machines (M2M), a framework combining
automation and crowdsourcing to rapidly bootstrap end-to-end dialogue agents
for goal-oriented dialogues in arbitrary domains. M2M scales to new tasks with
just a task schema and an API client from the dialogue system developer, but it
is also customizable to cater to task-specific interactions. Compared to the
Wizard-of-Oz approach for data collection, M2M achieves greater diversity and
coverage of salient dialogue flows while maintaining the naturalness of
individual utterances. In the first phase, a simulated user bot and a
domain-agnostic system bot converse to exhaustively generate dialogue
"outlines", i.e. sequences of template utterances and their semantic parses. In
the second phase, crowd workers provide contextual rewrites of the dialogues to
make the utterances more natural while preserving their meaning. The entire
process can finish within a few hours. We propose a new corpus of 3,000
dialogues spanning 2 domains collected with M2M, and present comparisons with
popular dialogue datasets on the quality and diversity of the surface forms and
dialogue flows. | http://arxiv.org/pdf/1801.04871 | [
"Pararth Shah",
"Dilek Hakkani-Tür",
"Gokhan Tür",
"Abhinav Rastogi",
"Ankur Bapna",
"Neha Nayak",
"Larry Heck"
] | 128 |
Prompt-and-Rerank: A Method for Zero-Shot and Few-Shot Arbitrary
Textual Style Transfer with Small Language Models
Mirac Suzgun* | 2205.11503 | Prompt-and-Rerank: A Method for Zero-Shot and Few-Shot Arbitrary Textual Style Transfer with Small Language Models | We propose a method for arbitrary textual style transfer (TST)--the task of
transforming a text into any given style--utilizing general-purpose pre-trained
language models. Our method, Prompt-and-Rerank, is based on a mathematical
formulation of the TST task, decomposing it into three constituent components:
textual similarity, target style strength, and fluency. Specifically, our
method first uses zero-shot or few-shot prompting to obtain a set of candidate
generations in the target style, and then re-ranks these candidates according
to a combination of the three components above. Empirically, our method enables
small pre-trained language models to perform on par with state-of-the-art
large-scale models while consuming two orders of magnitude less compute and
memory. Finally, we conduct a systematic investigation of the effect of model
size and prompt design (e.g., prompt paraphrasing and delimiter-pair choice) on
style transfer quality across seven diverse textual style transfer datasets. | http://arxiv.org/pdf/2205.11503 | [
"Mirac Suzgun",
"Luke Melas-Kyriazi",
"Dan Jurafsky"
] | 128 |
arXiv:1907.11692v1 [cs.CL] 26 Jul 2019RoBERTa: A Robustly Optimized BERT Pretraining Approach
Yinhan Liu∗§Myle Ott∗§Naman Goya | 1907.11692 | RoBERTa: A Robustly Optimized BERT Pretraining Approach | Language model pretraining has led to significant performance gains but
careful comparison between different approaches is challenging. Training is
computationally expensive, often done on private datasets of different sizes,
and, as we will show, hyperparameter choices have significant impact on the
final results. We present a replication study of BERT pretraining (Devlin et
al., 2019) that carefully measures the impact of many key hyperparameters and
training data size. We find that BERT was significantly undertrained, and can
match or exceed the performance of every model published after it. Our best
model achieves state-of-the-art results on GLUE, RACE and SQuAD. These results
highlight the importance of previously overlooked design choices, and raise
questions about the source of recently reported improvements. We release our
models and code. | http://arxiv.org/pdf/1907.11692 | [
"Yinhan Liu",
"Myle Ott",
"Naman Goyal",
"Jingfei Du",
"Mandar Joshi",
"Danqi Chen",
"Omer Levy",
"Mike Lewis",
"Luke Zettlemoyer",
"Veselin Stoyanov"
] | 128 |
The Pile: An 800GB Dataset of Diverse Text for Language Modeling
Leo Gao Stella Biderman Sid Black Laurence Golding
Travis Hoppe | 2101.00027 | The Pile: An 800GB Dataset of Diverse Text for Language Modeling | Recent work has demonstrated that increased training dataset diversity
improves general cross-domain knowledge and downstream generalization
capability for large-scale language models. With this in mind, we present
\textit{the Pile}: an 825 GiB English text corpus targeted at training
large-scale language models. The Pile is constructed from 22 diverse
high-quality subsets -- both existing and newly constructed -- many of which
derive from academic or professional sources. Our evaluation of the untuned
performance of GPT-2 and GPT-3 on the Pile shows that these models struggle on
many of its components, such as academic writing. Conversely, models trained on
the Pile improve significantly over both Raw CC and CC-100 on all components of
the Pile, while improving performance on downstream evaluations. Through an
in-depth exploratory analysis, we document potentially concerning aspects of
the data for prospective users. We make publicly available the code used in its
construction. | http://arxiv.org/pdf/2101.00027 | [
"Leo Gao",
"Stella Biderman",
"Sid Black",
"Laurence Golding",
"Travis Hoppe",
"Charles Foster",
"Jason Phang",
"Horace He",
"Anish Thite",
"Noa Nabeshima",
"Shawn Presser",
"Connor Leahy"
] | 128 |
Baize: An Open-Source Chat Model with Parameter-Efficient Tuning on
Self-Chat Data
Canwen Xu1∗, Daya Guo2∗, Nan Duan3, Julian Mc | 2304.01196 | Baize: An Open-Source Chat Model with Parameter-Efficient Tuning on Self-Chat Data | Chat models, such as ChatGPT, have shown impressive capabilities and have
been rapidly adopted across numerous domains. However, these models are only
accessible through a restricted API, creating barriers for new research and
progress in the field. We propose a pipeline that can automatically generate a
high-quality multi-turn chat corpus by leveraging ChatGPT to engage in a
conversation with itself. Subsequently, we employ parameter-efficient tuning to
enhance LLaMA, an open-source large language model. The resulting model, named
Baize, demonstrates good performance in multi-turn dialogues with guardrails
that minimize potential risks. Furthermore, we propose a new technique called
Self-Distill with Feedback, to further improve the performance of the Baize
models with feedback from ChatGPT. The Baize models and data are released for
research purposes only at https://github.com/project-baize/baize-chatbot. An
online demo is also available at
https://huggingface.co/spaces/project-baize/chat-with-baize. | http://arxiv.org/pdf/2304.01196 | [
"Canwen Xu",
"Daya Guo",
"Nan Duan",
"Julian McAuley"
] | 128 |
Published as a conference paper at ICLR 2020
PLUG AND PLAY LANGUAGE MODELS :ASIMPLE
APPROACH TO CONTROLLED TEXT GENERATION
Suman | 1912.02164 | Plug and Play Language Models: A Simple Approach to Controlled Text Generation | Large transformer-based language models (LMs) trained on huge text corpora
have shown unparalleled generation capabilities. However, controlling
attributes of the generated language (e.g. switching topic or sentiment) is
difficult without modifying the model architecture or fine-tuning on
attribute-specific data and entailing the significant cost of retraining. We
propose a simple alternative: the Plug and Play Language Model (PPLM) for
controllable language generation, which combines a pretrained LM with one or
more simple attribute classifiers that guide text generation without any
further training of the LM. In the canonical scenario we present, the attribute
models are simple classifiers consisting of a user-specified bag of words or a
single learned layer with 100,000 times fewer parameters than the LM. Sampling
entails a forward and backward pass in which gradients from the attribute model
push the LM's hidden activations and thus guide the generation. Model samples
demonstrate control over a range of topics and sentiment styles, and extensive
automated and human annotated evaluations show attribute alignment and fluency.
PPLMs are flexible in that any combination of differentiable attribute models
may be used to steer text generation, which will allow for diverse and creative
applications beyond the examples given in this paper. | http://arxiv.org/pdf/1912.02164 | [
"Sumanth Dathathri",
"Andrea Madotto",
"Janice Lan",
"Jane Hung",
"Eric Frank",
"Piero Molino",
"Jason Yosinski",
"Rosanne Liu"
] | 128 |
GEDI: GENERATIVE DISCRIMINATOR GUIDED
SEQUENCE GENERATION
Ben Krause, Akhilesh Deepak Gotmare, Bryan McCanny, Nitish Shirish K | 2009.06367 | GeDi: Generative Discriminator Guided Sequence Generation | While large-scale language models (LMs) are able to imitate the distribution
of natural language well enough to generate realistic text, it is difficult to
control which regions of the distribution they generate. This is especially
problematic because datasets used for training large LMs usually contain
significant toxicity, hate, bias, and negativity. We propose GeDi as an
efficient method for using smaller LMs as generative discriminators to guide
generation from large LMs to make them safer and more controllable. GeDi guides
generation at each step by computing classification probabilities for all
possible next tokens via Bayes rule by normalizing over two class-conditional
distributions; one conditioned on the desired attribute, or control code, and
another conditioned on the undesired attribute, or anti control code. We find
that GeDi gives stronger controllability than the state of the art method while
also achieving generation speeds more than 30 times faster. Additionally,
training GeDi on only four topics allows us to controllably generate new topics
zero-shot from just a keyword, unlocking a new capability that previous
controllable generation methods do not have. Lastly, we show that GeDi can make
GPT-2 (1.5B parameters) significantly less toxic without sacrificing linguistic
quality, making it by far the most practical existing method for detoxifying
large language models while maintaining a fast generation speed. | http://arxiv.org/pdf/2009.06367 | [
"Ben Krause",
"Akhilesh Deepak Gotmare",
"Bryan McCann",
"Nitish Shirish Keskar",
"Shafiq Joty",
"Richard Socher",
"Nazneen Fatema Rajani"
] | 128 |
Back to the Future: On Potential Histories in NLP
Zeerak Talat
Digital Democracies Institute
Simon Fraser University
Burnaby, Ca | 2210.06245 | Back to the Future: On Potential Histories in NLP | Machine learning and NLP require the construction of datasets to train and
fine-tune models. In this context, previous work has demonstrated the
sensitivity of these data sets. For instance, potential societal biases in this
data are likely to be encoded and to be amplified in the models we deploy. In
this work, we draw from developments in the field of history and take a novel
perspective on these problems: considering datasets and models through the lens
of historical fiction surfaces their political nature, and affords
re-configuring how we view the past, such that marginalized discourses are
surfaced. Building on such insights, we argue that contemporary methods for
machine learning are prejudiced towards dominant and hegemonic histories.
Employing the example of neopronouns, we show that by surfacing marginalized
histories within contemporary conditions, we can create models that better
represent the lived realities of traditionally marginalized and excluded
communities. | http://arxiv.org/pdf/2210.06245 | [
"Zeerak Talat",
"Anne Lauscher"
] | 128 |
Transforming Question Answering Datasets
Into Natural Language Inference Datasets
Dorottya Demszky
Department of Linguistics
St | 1809.02922 | Transforming Question Answering Datasets Into Natural Language Inference Datasets | Existing datasets for natural language inference (NLI) have propelled
research on language understanding. We propose a new method for automatically
deriving NLI datasets from the growing abundance of large-scale question
answering datasets. Our approach hinges on learning a sentence transformation
model which converts question-answer pairs into their declarative forms.
Despite being primarily trained on a single QA dataset, we show that it can be
successfully applied to a variety of other QA resources. Using this system, we
automatically derive a new freely available dataset of over 500k NLI examples
(QA-NLI), and show that it exhibits a wide range of inference phenomena rarely
seen in previous NLI datasets. | http://arxiv.org/pdf/1809.02922 | [
"Dorottya Demszky",
"Kelvin Guu",
"Percy Liang"
] | 128 |
Negative Training for Neural Dialogue Response Generation
Tianxing He and James Glass
Computer Science and Artificial Intelligenc | 1903.02134 | Negative Training for Neural Dialogue Response Generation | Although deep learning models have brought tremendous advancements to the
field of open-domain dialogue response generation, recent research results have
revealed that the trained models have undesirable generation behaviors, such as
malicious responses and generic (boring) responses. In this work, we propose a
framework named "Negative Training" to minimize such behaviors. Given a trained
model, the framework will first find generated samples that exhibit the
undesirable behavior, and then use them to feed negative training signals for
fine-tuning the model. Our experiments show that negative training can
significantly reduce the hit rate of malicious responses, or discourage
frequent responses and improve response diversity. | http://arxiv.org/pdf/1903.02134 | [
"Tianxing He",
"James Glass"
] | 128 |
2nd Proceedings of Alexa Prize (Alexa Prize 2018). Advancing the State of the Art in Open Domain Dialog Systems through the Ale | 1812.10757 | Advancing the State of the Art in Open Domain Dialog Systems through the Alexa Prize | Building open domain conversational systems that allow users to have engaging
conversations on topics of their choice is a challenging task. Alexa Prize was
launched in 2016 to tackle the problem of achieving natural, sustained,
coherent and engaging open-domain dialogs. In the second iteration of the
competition in 2018, university teams advanced the state of the art by using
context in dialog models, leveraging knowledge graphs for language
understanding, handling complex utterances, building statistical and
hierarchical dialog managers, and leveraging model-driven signals from user
responses. The 2018 competition also included the provision of a suite of tools
and models to the competitors including the CoBot (conversational bot) toolkit,
topic and dialog act detection models, conversation evaluators, and a sensitive
content detection model so that the competing teams could focus on building
knowledge-rich, coherent and engaging multi-turn dialog systems. This paper
outlines the advances developed by the university teams as well as the Alexa
Prize team to achieve the common goal of advancing the science of
Conversational AI. We address several key open-ended problems such as
conversational speech recognition, open domain natural language understanding,
commonsense reasoning, statistical dialog management, and dialog evaluation.
These collaborative efforts have driven improved experiences by Alexa users to
an average rating of 3.61, the median duration of 2 mins 18 seconds, and
average turns to 14.6, increases of 14%, 92%, 54% respectively since the launch
of the 2018 competition. For conversational speech recognition, we have
improved our relative Word Error Rate by 55% and our relative Entity Error Rate
by 34% since the launch of the Alexa Prize. Socialbots improved in quality
significantly more rapidly in 2018, in part due to the release of the CoBot
toolkit. | http://arxiv.org/pdf/1812.10757 | [
"Chandra Khatri",
"Behnam Hedayatnia",
"Anu Venkatesh",
"Jeff Nunn",
"Yi Pan",
"Qing Liu",
"Han Song",
"Anna Gottardi",
"Sanjeev Kwatra",
"Sanju Pancholi",
"Ming Cheng",
"Qinglang Chen",
"Lauren Stubel",
"Karthik Gopalakrishnan",
"Kate Bland",
"Raefer Gabriel",
"Arindam Mandal",
"Dilek Hakkani-Tur",
"Gene Hwang",
"Nate Michel",
"Eric King",
"Rohit Prasad"
] | 128 |
Preprint. Under review.
GENERATING SEQUENCES BY
LEARNING TO [SELF-]CORRECT
Sean Welleck1,3,*Ximing Lu1,*
Peter West3,yFaeze Brah | 2211.00053 | Generating Sequences by Learning to Self-Correct | Sequence generation applications require satisfying semantic constraints,
such as ensuring that programs are correct, using certain keywords, or avoiding
undesirable content. Language models, whether fine-tuned or prompted with
few-shot demonstrations, frequently violate these constraints, and lack a
mechanism to iteratively revise their outputs. Moreover, some powerful language
models are of extreme scale or inaccessible, making it inefficient, if not
infeasible, to update their parameters for task-specific adaptation. We present
Self-Correction, an approach that decouples an imperfect base generator (an
off-the-shelf language model or supervised sequence-to-sequence model) from a
separate corrector that learns to iteratively correct imperfect generations. To
train the corrector, we propose an online training procedure that can use
either scalar or natural language feedback on intermediate imperfect
generations. We show that Self-Correction improves upon the base generator in
three diverse generation tasks - mathematical program synthesis,
lexically-constrained generation, and toxicity control - even when the
corrector is much smaller than the base generator. | http://arxiv.org/pdf/2211.00053 | [
"Sean Welleck",
"Ximing Lu",
"Peter West",
"Faeze Brahman",
"Tianxiao Shen",
"Daniel Khashabi",
"Yejin Choi"
] | 128 |
arXiv:1906.07337v1 [cs.CL] 18 Jun 2019Measuring Bias in Contextualized Word Representations
Keita Kurita Nidhi Vyas Ayush Pare | 1906.07337 | Measuring Bias in Contextualized Word Representations | Contextual word embeddings such as BERT have achieved state of the art
performance in numerous NLP tasks. Since they are optimized to capture the
statistical properties of training data, they tend to pick up on and amplify
social stereotypes present in the data as well. In this study, we (1)~propose a
template-based method to quantify bias in BERT; (2)~show that this method
obtains more consistent results in capturing social biases than the traditional
cosine based method; and (3)~conduct a case study, evaluating gender bias in a
downstream task of Gender Pronoun Resolution. Although our case study focuses
on gender bias, the proposed technique is generalizable to unveiling other
biases, including in multiclass settings, such as racial and religious biases. | http://arxiv.org/pdf/1906.07337 | [
"Keita Kurita",
"Nidhi Vyas",
"Ayush Pareek",
"Alan W Black",
"Yulia Tsvetkov"
] | 128 |
arXiv:1907.11274v2 [cs.CY] 29 Jul 2019REDUCING MALICIOUS USE OF SYNTHETIC MEDIA RESEARCH :
CONSIDERATIONS AND POTENTIAL RELEAS | 1907.11274 | Reducing malicious use of synthetic media research: Considerations and potential release practices for machine learning | The aim of this paper is to facilitate nuanced discussion around research
norms and practices to mitigate the harmful impacts of advances in machine
learning (ML). We focus particularly on the use of ML to create "synthetic
media" (e.g. to generate or manipulate audio, video, images, and text), and the
question of what publication and release processes around such research might
look like, though many of the considerations discussed will apply to ML
research more broadly. We are not arguing for any specific approach on when or
how research should be distributed, but instead try to lay out some useful
tools, analogies, and options for thinking about these issues.
We begin with some background on the idea that ML research might be misused
in harmful ways, and why advances in synthetic media, in particular, are
raising concerns. We then outline in more detail some of the different paths to
harm from ML research, before reviewing research risk mitigation strategies in
other fields and identifying components that seem most worth emulating in the
ML and synthetic media research communities. Next, we outline some important
dimensions of disagreement on these issues which risk polarizing conversations.
Finally, we conclude with recommendations, suggesting that the machine
learning community might benefit from: working with subject matter experts to
increase understanding of the risk landscape and possible mitigation
strategies; building a community and norms around understanding the impacts of
ML research, e.g. through regular workshops at major conferences; and
establishing institutions and systems to support release practices that would
otherwise be onerous and error-prone. | http://arxiv.org/pdf/1907.11274 | [
"Aviv Ovadya",
"Jess Whittlestone"
] | 128 |