The Annotated Transformer
The Annotated Transformer
v2022: Austin Huang, Suraj Subramanian, Jonathan Sum, Khalid Almubarak, and Stella Biderman.
Original
Original
Original:
Original Sasha
Sasha
SashaRush
Rush
Rush.
Rush
The Transformer has been on a lot of people’s minds over the last year five years. This post presents an
annotated version of the paper in the form of a line-by-line implementation. It reorders and deletes
some sections from the original paper and adds comments throughout. This document itself is a working
here
notebook, and should be a completely usable implementation. Code is available here
here.
here
Table of Contents
Prelims
Prelims
Prelims
Background
Background
Background
Part
Part
Part1:
1:
1:Model
Model
ModelArchitecture
Architecture
Architecture
Model
Model
ModelArchitecture
Architecture
Architecture
Encoder
Encoder
Encoderand
and
andDecoder
Decoder
DecoderStacks
Stacks
Stacks
Position-wise
Position-wise
Position-wiseFeed-Forward
Feed-Forward
Feed-ForwardNetworks
Networks
Networks
Embeddings
Embeddings
Embeddingsand
and
andSoftmax
Softmax
Softmax
Positional
Positional
PositionalEncoding
Encoding
Encoding
Full
Full
FullModel
Model
Model
Inference:
Inference:
Inference:
Part
Part
Part2:
2:
2:Model
Model
ModelTraining
Training
Training
Training
Training
Training
Batches
Batches
Batchesand
and
andMasking
Masking
Masking
Training
Training
TrainingLoop
Loop
Loop
Training
Training
TrainingData
Data
Dataand
and
andBatching
Batching
Batching
Hardware
Hardware
Hardwareand
and
andSchedule
Schedule
Schedule
Optimizer
Optimizer
Optimizer
Regularization
Regularization
Regularization
A
A
AFirst
First
FirstExample
Example
Example
Synthetic
Synthetic
SyntheticData
Data
Data
Loss
Loss
LossComputation
Computation
Computation
Greedy
Greedy
GreedyDecoding
Decoding
Decoding
Part
Part
Part3:
3:
3:AA
AReal
Real
RealWorld
World
WorldExample
Example
Example
Data
Data
DataLoading
Loading
Loading
https://nlp.seas.harvard.edu/annotated-transformer/ 1/41
2024/7/30 The Annotated Transformer
Iterators
Iterators
Iterators
Training
Training
Trainingthe
the
theSystem
System
System
Additional
Additional
AdditionalComponents:
Components:
Components:BPE,
BPE,
BPE,Search,
Search,
Search,Averaging
Averaging
Averaging
Results
Results
Results
Attention
Attention
AttentionVisualization
Visualization
Visualization
Encoder
Encoder
EncoderSelf
Self
SelfAttention
Attention
Attention
Decoder
Decoder
DecoderSelf
Self
SelfAttention
Attention
Attention
Decoder
Decoder
DecoderSrc
Src
SrcAttention
Attention
Attention
Conclusion
Conclusion
Conclusion
Prelims
Skip
Skip
Skip
import os
from os.path import exists
import torch
import torch.nn as nn
from torch.nn.functional import log_softmax, pad
import math
import copy
import time
from torch.optim.lr_scheduler import LambdaLR
import pandas as pd
import altair as alt
from torchtext.data.functional import to_map_style_dataset
from torch.utils.data import DataLoader
from torchtext.vocab import build_vocab_from_iterator
import torchtext.datasets as datasets
import spacy
import GPUtil
import warnings
from torch.utils.data.distributed import DistributedSampler
import torch.distributed as dist
import torch.multiprocessing as mp
from torch.nn.parallel import DistributedDataParallel as DDP
https://nlp.seas.harvard.edu/annotated-transformer/ 2/41
2024/7/30 The Annotated Transformer
def is_interactive_notebook():
return __name__ == "__main__"
class DummyOptimizer(torch.optim.Optimizer):
def __init__(self):
self.param_groups = [{"lr": 0}]
None
def step(self):
None
class DummyScheduler:
def step(self):
None
My comments are blockquoted. The main text is all from the paper itself.
Background
The goal of reducing sequential computation also forms the foundation of the Extended Neural GPU,
ByteNet and ConvS2S, all of which use convolutional neural networks as basic building block,
computing hidden representations in parallel for all input and output positions. In these models, the
number of operations required to relate signals from two arbitrary input or output positions grows in the
distance between positions, linearly for ConvS2S and logarithmically for ByteNet. This makes it more
difficult to learn dependencies between distant positions. In the Transformer this is reduced to a constant
number of operations, albeit at the cost of reduced effective resolution due to averaging attention-
weighted positions, an effect we counteract with Multi-Head Attention.
To the best of our knowledge, however, the Transformer is the first transduction model relying entirely
on self-attention to compute representations of its input and output without using sequence aligned
https://nlp.seas.harvard.edu/annotated-transformer/ 3/41
2024/7/30 The Annotated Transformer
RNNs or convolution.
Model Architecture
Most competitive neural sequence transduction models have an encoder-decoder structure (cite)
(cite)
(cite).
(cite) Here,
the encoder maps an input sequence of symbol representations (x1 , ..., xn ) to a sequence of
continuous representations z = (z1 , ..., zn ). Given z, the decoder then generates an output sequence
(y1 , ..., ym ) of symbols one element at a time. At each step the model is auto-regressive (cite)
(cite)
(cite),
(cite)
consuming the previously generated symbols as additional input when generating the next.
class EncoderDecoder(nn.Module):
"""
A standard Encoder-Decoder architecture. Base for this and many
other models.
"""
class Generator(nn.Module):
"Define standard linear + softmax generation step."
The Transformer follows this overall architecture using stacked self-attention and point-wise, fully
connected layers for both the encoder and decoder, shown in the left and right halves of Figure 1,
respectively.
https://nlp.seas.harvard.edu/annotated-transformer/ 4/41
2024/7/30 The Annotated Transformer
class Encoder(nn.Module):
"Core encoder is a stack of N layers"
class LayerNorm(nn.Module):
"Construct a layernorm module (See citation for details)."
https://nlp.seas.harvard.edu/annotated-transformer/ 5/41
2024/7/30 The Annotated Transformer
self.eps = eps
That is, the output of each sub-layer is LayerNorm(x + Sublayer(x)), where Sublayer(x) is
(cite)
the function implemented by the sub-layer itself. We apply dropout (cite)
(cite) to the output of each sub-
layer, before it is added to the sub-layer input and normalized.
To facilitate these residual connections, all sub-layers in the model, as well as the embedding layers,
produce outputs of dimension dmodel = 512.
class SublayerConnection(nn.Module):
"""
A residual connection followed by a layer norm.
Note for code simplicity the norm is first as opposed to last.
"""
Each layer has two sub-layers. The first is a multi-head self-attention mechanism, and the second is a
simple, position-wise fully connected feed-forward network.
class EncoderLayer(nn.Module):
"Encoder is made up of self-attn and feed forward (defined below)"
Decoder
class Decoder(nn.Module):
"Generic N layer decoder with masking."
https://nlp.seas.harvard.edu/annotated-transformer/ 6/41
2024/7/30 The Annotated Transformer
self.layers = clones(layer, N)
self.norm = LayerNorm(layer.size)
In addition to the two sub-layers in each encoder layer, the decoder inserts a third sub-layer, which
performs multi-head attention over the output of the encoder stack. Similar to the encoder, we employ
residual connections around each of the sub-layers, followed by layer normalization.
class DecoderLayer(nn.Module):
"Decoder is made of self-attn, src-attn, and feed forward (defined below)"
We also modify the self-attention sub-layer in the decoder stack to prevent positions from attending to
subsequent positions. This masking, combined with fact that the output embeddings are offset by one
position, ensures that the predictions for position i can depend only on the known outputs at positions
less than i.
def subsequent_mask(size):
"Mask out subsequent positions."
attn_shape = (1, size, size)
subsequent_mask = torch.triu(torch.ones(attn_shape), diagonal=1).type(
torch.uint8
)
return subsequent_mask == 0
Below the attention mask shows the position each tgt word (row) is allowed to look at
(column). Words are blocked for attending to future words during training.
def example_mask():
LS_data = pd.concat(
[
pd.DataFrame(
{
"Subsequent Mask": subsequent_mask(20)[0][x, y].flatten(),
"Window": y,
"Masking": x,
}
https://nlp.seas.harvard.edu/annotated-transformer/ 7/41
2024/7/30 The Annotated Transformer
)
for y in range(20)
for x in range(20)
]
)
return (
alt.Chart(LS_data)
.mark_rect()
.properties(height=250, width=250)
.encode(
alt.X("Window:O"),
alt.Y("Masking:O"),
alt.Color("Subsequent Mask:Q", scale=alt.Scale(scheme="viridis")),
)
.interactive()
)
show_example(example_mask)
Attention
An attention function can be described as mapping a query and a set of key-value pairs to an output,
where the query, keys, values, and output are all vectors. The output is computed as a weighted sum of
the values, where the weight assigned to each value is computed by a compatibility function of the
query with the corresponding key.
We call our particular attention “Scaled Dot-Product Attention”. The input consists of queries and keys
of dimension dk , and values of dimension dv . We compute the dot products of the query with all keys,
divide each by dk , and apply a softmax function to obtain the weights on the values.
In practice, we compute the attention function on a set of queries simultaneously, packed together into a
matrix Q. The keys and values are also packed together into matrices K and V . We compute the
matrix of outputs as:
QK T
Attention(Q, K, V ) = softmax( )V
dk
https://nlp.seas.harvard.edu/annotated-transformer/ 8/41
2024/7/30 The Annotated Transformer
The two most commonly used attention functions are additive attention (cite)
(cite)
(cite),
(cite) and dot-product
(multiplicative) attention. Dot-product attention is identical to our algorithm, except for the scaling
factor of 1 . Additive attention computes the compatibility function using a feed-forward network
dk
with a single hidden layer. While the two are similar in theoretical complexity, dot-product attention is
much faster and more space-efficient in practice, since it can be implemented using highly optimized
matrix multiplication code.
While for small values of dk the two mechanisms perform similarly, additive attention outperforms dot
product attention without scaling for larger values of dk (cite)
(cite)
(cite).
(cite) We suspect that for large values of dk ,
the dot products grow large in magnitude, pushing the softmax function into regions where it has
extremely small gradients (To illustrate why the dot products get large, assume that the components of
q and k are independent random variables with mean 0 and variance 1. Then their dot product, q ⋅
dk
k = ∑i=1 qi ki , has mean 0 and variance dk .). To counteract this effect, we scale the dot products by
1
.
dk
Multi-head attention allows the model to jointly attend to information from different representation
subspaces at different positions. With a single attention head, averaging inhibits this.
https://nlp.seas.harvard.edu/annotated-transformer/ 9/41
2024/7/30 The Annotated Transformer
class MultiHeadedAttention(nn.Module):
def __init__(self, h, d_model, dropout=0.1):
"Take in model size and number of heads."
super(MultiHeadedAttention, self).__init__()
assert d_model % h == 0
# We assume d_v always equals d_k
self.d_k = d_model // h
self.h = h
self.linears = clones(nn.Linear(d_model, d_model), 4)
self.attn = None
self.dropout = nn.Dropout(p=dropout)
The Transformer uses multi-head attention in three different ways: 1) In “encoder-decoder attention”
layers, the queries come from the previous decoder layer, and the memory keys and values come from
the output of the encoder. This allows every position in the decoder to attend over all positions in the
input sequence. This mimics the typical encoder-decoder attention mechanisms in sequence-to-
sequence models such as (cite)
(cite)
(cite).
(cite)
https://nlp.seas.harvard.edu/annotated-transformer/ 10/41
2024/7/30 The Annotated Transformer
2. The encoder contains self-attention layers. In a self-attention layer all of the keys, values and
queries come from the same place, in this case, the output of the previous layer in the
encoder. Each position in the encoder can attend to all positions in the previous layer of the
encoder.
3. Similarly, self-attention layers in the decoder allow each position in the decoder to attend to
all positions in the decoder up to and including that position. We need to prevent leftward
information flow in the decoder to preserve the auto-regressive property. We implement this
inside of scaled dot-product attention by masking out (setting to −∞) all values in the input
of the softmax which correspond to illegal connections.
While the linear transformations are the same across different positions, they use different parameters
from layer to layer. Another way of describing this is as two convolutions with kernel size 1. The
dimensionality of input and output is dmodel = 512, and the inner-layer has dimensionality dff =
2048.
class PositionwiseFeedForward(nn.Module):
"Implements FFN equation."
class Embeddings(nn.Module):
def __init__(self, d_model, vocab):
super(Embeddings, self).__init__()
self.lut = nn.Embedding(vocab, d_model)
self.d_model = d_model
Positional Encoding
https://nlp.seas.harvard.edu/annotated-transformer/ 11/41
2024/7/30 The Annotated Transformer
Since our model contains no recurrence and no convolution, in order for the model to make use of the
order of the sequence, we must inject some information about the relative or absolute position of the
tokens in the sequence. To this end, we add “positional encodings” to the input embeddings at the
bottoms of the encoder and decoder stacks. The positional encodings have the same dimension dmodel as
the embeddings, so that the two can be summed. There are many choices of positional encodings,
learned and fixed (cite)
(cite)
(cite).
(cite)
P E(pos,2i) = sin(pos/100002i/dmodel )
P E(pos,2i+1) = cos(pos/100002i/dmodel )
where pos is the position and i is the dimension. That is, each dimension of the positional encoding
corresponds to a sinusoid. The wavelengths form a geometric progression from 2π to 10000 ⋅ 2π . We
chose this function because we hypothesized it would allow the model to easily learn to attend by
relative positions, since for any fixed offset k , P Epos+k can be represented as a linear function of
P Epos .
In addition, we apply dropout to the sums of the embeddings and the positional encodings in both the
encoder and decoder stacks. For the base model, we use a rate of Pdrop = 0.1.
class PositionalEncoding(nn.Module):
"Implement the PE function."
Below the positional encoding will add in a sine wave based on position. The frequency and
offset of the wave is different for each dimension.
def example_positional():
pe = PositionalEncoding(20, 0)
y = pe.forward(torch.zeros(1, 100, 20))
data = pd.concat(
[
pd.DataFrame(
{
"embedding": y[0, :, dim],
https://nlp.seas.harvard.edu/annotated-transformer/ 12/41
2024/7/30 The Annotated Transformer
"dimension": dim,
"position": list(range(100)),
}
)
for dim in [4, 5, 6, 7]
]
)
return (
alt.Chart(data)
.mark_line()
.properties(width=800)
.encode(x="position", y="embedding", color="dimension:N")
.interactive()
)
show_example(example_positional)
Full Model
Here we define a function from hyperparameters to a full model.
def make_model(
src_vocab, tgt_vocab, N=6, d_model=512, d_ff=2048, h=8, dropout=0.1
):
"Helper: Construct a model from hyperparameters."
c = copy.deepcopy
attn = MultiHeadedAttention(h, d_model)
ff = PositionwiseFeedForward(d_model, d_ff, dropout)
position = PositionalEncoding(d_model, dropout)
model = EncoderDecoder(
Encoder(EncoderLayer(d_model, c(attn), c(ff), dropout), N),
Decoder(DecoderLayer(d_model, c(attn), c(attn), c(ff), dropout), N),
nn.Sequential(Embeddings(d_model, src_vocab), c(position)),
nn.Sequential(Embeddings(d_model, tgt_vocab), c(position)),
Generator(d_model, tgt_vocab),
)
https://nlp.seas.harvard.edu/annotated-transformer/ 13/41
2024/7/30 The Annotated Transformer
for p in model.parameters():
if p.dim() > 1:
nn.init.xavier_uniform_(p)
return model
Inference:
Here we make a forward step to generate a prediction of the model. We try to use our
transformer to memorize the input. As you will see the output is randomly generated due to the
fact that the model is not trained yet. In the next tutorial we will build the training function
and try to train our model to memorize the numbers from 1 to 10.
def inference_test():
test_model = make_model(11, 11, 2)
test_model.eval()
src = torch.LongTensor([[1, 2, 3, 4, 5, 6, 7, 8, 9, 10]])
src_mask = torch.ones(1, 1, 10)
for i in range(9):
out = test_model.decode(
memory, src_mask, ys, subsequent_mask(ys.size(1)).type_as(src.data)
)
prob = test_model.generator(out[:, -1])
_, next_word = torch.max(prob, dim=1)
next_word = next_word.data[0]
ys = torch.cat(
[ys, torch.empty(1, 1).type_as(src.data).fill_(next_word)], dim=1
)
def run_tests():
for _ in range(10):
inference_test()
show_example(run_tests)
https://nlp.seas.harvard.edu/annotated-transformer/ 14/41
2024/7/30 The Annotated Transformer
Training
This section describes the training regime for our models.
We stop for a quick interlude to introduce some of the tools needed to train a standard encoder
decoder model. First we define a batch object that holds the src and target sentences for training,
as well as constructing the masks.
class Batch:
"""Object for holding a batch of data with mask during training."""
@staticmethod
def make_std_mask(tgt, pad):
"Create a mask to hide padding and future words."
tgt_mask = (tgt != pad).unsqueeze(-2)
tgt_mask = tgt_mask & subsequent_mask(tgt.size(-1)).type_as(
tgt_mask.data
)
return tgt_mask
Next we create a generic training and scoring function to keep track of loss. We pass in a
generic loss compute function that also handles parameter updates.
Training Loop
class TrainState:
"""Track number of steps, examples, and tokens processed"""
def run_epoch(
data_iter,
model,
loss_compute,
optimizer,
scheduler,
mode="train",
accum_iter=1,
train_state=TrainState(),
):
"""Train a single epoch"""
https://nlp.seas.harvard.edu/annotated-transformer/ 15/41
2024/7/30 The Annotated Transformer
start = time.time()
total_tokens = 0
total_loss = 0
tokens = 0
n_accum = 0
for i, batch in enumerate(data_iter):
out = model.forward(
batch.src, batch.tgt, batch.src_mask, batch.tgt_mask
)
loss, loss_node = loss_compute(out, batch.tgt_y, batch.ntokens)
# loss_node = loss_node / accum_iter
if mode == "train" or mode == "train+log":
loss_node.backward()
train_state.step += 1
train_state.samples += batch.src.shape[0]
train_state.tokens += batch.ntokens
if i % accum_iter == 0:
optimizer.step()
optimizer.zero_grad(set_to_none=True)
n_accum += 1
train_state.accum_step += 1
scheduler.step()
total_loss += loss
total_tokens += batch.ntokens
tokens += batch.ntokens
if i % 40 == 1 and (mode == "train" or mode == "train+log"):
lr = optimizer.param_groups[0]["lr"]
elapsed = time.time() - start
print(
(
"Epoch Step: %6d | Accumulation Step: %3d | Loss: %6.2f "
+ "| Tokens / Sec: %7.1f | Learning Rate: %6.1e"
)
% (i, n_accum, loss / batch.ntokens, tokens / elapsed, lr)
)
start = time.time()
tokens = 0
del loss
del loss_node
return total_loss / total_tokens, train_state
Sentence pairs were batched together by approximate sequence length. Each training batch contained a
set of sentence pairs containing approximately 25000 source tokens and 25000 target tokens.
https://nlp.seas.harvard.edu/annotated-transformer/ 16/41
2024/7/30 The Annotated Transformer
Optimizer
We used the Adam optimizer (cite)
(cite)
(cite) with β1 = 0.9, β2 = 0.98 and ϵ = 10−9 . We varied the
learning rate over the course of training, according to the formula:
lrate = d−0.5
model ⋅ min(step_num
−0.5
, step_num ⋅ warmup_steps−1.5 )
This corresponds to increasing the learning rate linearly for the first warmup_steps training steps,
and decreasing it thereafter proportionally to the inverse square root of the step number. We used
warmup_steps = 4000.
Note: This part is very important. Need to train with this setup of the model.
Example of the curves of this model for different model sizes and for optimization
hyperparameters.
def example_learning_schedule():
opts = [
[512, 1, 4000], # example 1
[512, 1, 8000], # example 2
[256, 1, 4000], # example 3
]
dummy_model = torch.nn.Linear(1, 1)
learning_rates = []
learning_rates = torch.tensor(learning_rates)
https://nlp.seas.harvard.edu/annotated-transformer/ 17/41
2024/7/30 The Annotated Transformer
opts_data = pd.concat(
[
pd.DataFrame(
{
"Learning Rate": learning_rates[warmup_idx, :],
"model_size:warmup": ["512:4000", "512:8000", "256:4000"][
warmup_idx
],
"step": range(20000),
}
)
for warmup_idx in [0, 1, 2]
]
)
return (
alt.Chart(opts_data)
.mark_line()
.properties(width=600)
.encode(x="step", y="Learning Rate", color="model_size:warmup:N")
.interactive()
)
example_learning_schedule()
Regularization
Label Smoothing
We implement label smoothing using the KL div loss. Instead of using a one-hot target
distribution, we create a distribution that has confidence of the correct word and the rest of the
smoothing mass distributed throughout the vocabulary.
class LabelSmoothing(nn.Module):
"Implement label smoothing."
https://nlp.seas.harvard.edu/annotated-transformer/ 18/41
2024/7/30 The Annotated Transformer
self.confidence = 1.0 - smoothing
self.smoothing = smoothing
self.size = size
self.true_dist = None
Here we can see an example of how the mass is distributed to the words based on confidence.
def example_label_smoothing():
crit = LabelSmoothing(5, 0, 0.4)
predict = torch.FloatTensor(
[
[0, 0.2, 0.7, 0.1, 0],
[0, 0.2, 0.7, 0.1, 0],
[0, 0.2, 0.7, 0.1, 0],
[0, 0.2, 0.7, 0.1, 0],
[0, 0.2, 0.7, 0.1, 0],
]
)
crit(x=predict.log(), target=torch.LongTensor([2, 1, 0, 3, 3]))
LS_data = pd.concat(
[
pd.DataFrame(
{
"target distribution": crit.true_dist[x, y].flatten(),
"columns": y,
"rows": x,
}
)
for y in range(5)
for x in range(5)
]
)
return (
alt.Chart(LS_data)
.mark_rect(color="Blue", opacity=1)
.properties(height=200, width=200)
.encode(
alt.X("columns:O", title=None),
alt.Y("rows:O", title=None),
alt.Color(
"target distribution:Q", scale=alt.Scale(scheme="viridis")
),
)
.interactive()
)
https://nlp.seas.harvard.edu/annotated-transformer/ 19/41
2024/7/30 The Annotated Transformer
show_example(example_label_smoothing)
Label smoothing actually starts to penalize the model if it gets very confident about a given
choice.
def penalization_visualization():
crit = LabelSmoothing(5, 0, 0.1)
loss_data = pd.DataFrame(
{
"Loss": [loss(x, crit) for x in range(1, 100)],
"Steps": list(range(99)),
}
).astype("float")
return (
alt.Chart(loss_data)
.mark_line()
.properties(width=350)
.encode(
x="Steps",
y="Loss",
)
.interactive()
)
show_example(penalization_visualization)
https://nlp.seas.harvard.edu/annotated-transformer/ 20/41
2024/7/30 The Annotated Transformer
A First Example
We can begin by trying out a simple copy-task. Given a random set of input symbols from a
small vocabulary, the goal is to generate back those same symbols.
Synthetic Data
Loss Computation
class SimpleLossCompute:
"A simple loss compute and train function."
Greedy Decoding
This code predicts a translation using greedy decoding for simplicity.
https://nlp.seas.harvard.edu/annotated-transformer/ 21/41
2024/7/30 The Annotated Transformer
def example_simple_model():
V = 11
criterion = LabelSmoothing(size=V, padding_idx=0, smoothing=0.0)
model = make_model(V, V, N=2)
optimizer = torch.optim.Adam(
model.parameters(), lr=0.5, betas=(0.9, 0.98), eps=1e-9
)
lr_scheduler = LambdaLR(
optimizer=optimizer,
lr_lambda=lambda step: rate(
step, model_size=model.src_embed[0].d_model, factor=1.0, warmup=400
),
)
batch_size = 80
for epoch in range(20):
model.train()
run_epoch(
data_gen(V, batch_size, 20),
model,
SimpleLossCompute(model.generator, criterion),
optimizer,
lr_scheduler,
mode="train",
)
model.eval()
run_epoch(
data_gen(V, batch_size, 5),
model,
SimpleLossCompute(model.generator, criterion),
DummyOptimizer(),
DummyScheduler(),
mode="eval",
)[0]
model.eval()
src = torch.LongTensor([[0, 1, 2, 3, 4, 5, 6, 7, 8, 9]])
max_len = src.shape[1]
src_mask = torch.ones(1, 1, max_len)
print(greedy_decode(model, src, src_mask, max_len=max_len, start_symbol=0))
https://nlp.seas.harvard.edu/annotated-transformer/ 22/41
2024/7/30 The Annotated Transformer
# execute_example(example_simple_model)
Data Loading
We will load the dataset using torchtext and spacy for tokenization.
def load_tokenizers():
try:
spacy_de = spacy.load("de_core_news_sm")
except IOError:
os.system("python -m spacy download de_core_news_sm")
spacy_de = spacy.load("de_core_news_sm")
try:
spacy_en = spacy.load("en_core_web_sm")
except IOError:
os.system("python -m spacy download en_core_web_sm")
spacy_en = spacy.load("en_core_web_sm")
def tokenize_en(text):
return tokenize(text, spacy_en)
https://nlp.seas.harvard.edu/annotated-transformer/ 23/41
2024/7/30 The Annotated Transformer
yield_tokens(train + val + test, tokenize_de, index=0),
min_freq=2,
specials=["<s>", "</s>", "<blank>", "<unk>"],
)
vocab_src.set_default_index(vocab_src["<unk>"])
vocab_tgt.set_default_index(vocab_tgt["<unk>"])
if is_interactive_notebook():
# global variables used later in the script
spacy_de, spacy_en = show_example(load_tokenizers)
vocab_src, vocab_tgt = show_example(load_vocab, args=[spacy_de, spacy_en])
Finished.
Vocabulary sizes:
59981
36745
Batching matters a ton for speed. We want to have very evenly divided batches, with absolutely
minimal padding. To do this we have to hack a bit around the default torchtext batching. This
code patches their default batching to make sure we search over enough sentences to find tight
batches.
Iterators
def collate_batch(
batch,
src_pipeline,
tgt_pipeline,
src_vocab,
tgt_vocab,
device,
max_padding=128,
pad_id=2,
):
bs_id = torch.tensor([0], device=device) # <s> token id
eos_id = torch.tensor([1], device=device) # </s> token id
src_list, tgt_list = [], []
https://nlp.seas.harvard.edu/annotated-transformer/ 24/41
2024/7/30 The Annotated Transformer
for (_src, _tgt) in batch:
processed_src = torch.cat(
[
bs_id,
torch.tensor(
src_vocab(src_pipeline(_src)),
dtype=torch.int64,
device=device,
),
eos_id,
],
0,
)
processed_tgt = torch.cat(
[
bs_id,
torch.tensor(
tgt_vocab(tgt_pipeline(_tgt)),
dtype=torch.int64,
device=device,
),
eos_id,
],
0,
)
src_list.append(
# warning - overwrites values for negative values of padding - len
pad(
processed_src,
(
0,
max_padding - len(processed_src),
),
value=pad_id,
)
)
tgt_list.append(
pad(
processed_tgt,
(0, max_padding - len(processed_tgt)),
value=pad_id,
)
)
src = torch.stack(src_list)
tgt = torch.stack(tgt_list)
return (src, tgt)
def create_dataloaders(
device,
vocab_src,
vocab_tgt,
spacy_de,
spacy_en,
batch_size=12000,
max_padding=128,
is_distributed=True,
):
# def create_dataloaders(batch_size=12000):
def tokenize_de(text):
return tokenize(text, spacy_de)
def tokenize_en(text):
https://nlp.seas.harvard.edu/annotated-transformer/ 25/41
2024/7/30 The Annotated Transformer
return tokenize(text, spacy_en)
def collate_fn(batch):
return collate_batch(
batch,
tokenize_de,
tokenize_en,
vocab_src,
vocab_tgt,
device,
max_padding=max_padding,
pad_id=vocab_src.get_stoi()["<blank>"],
)
train_iter_map = to_map_style_dataset(
train_iter
) # DistributedSampler needs a dataset len()
train_sampler = (
DistributedSampler(train_iter_map) if is_distributed else None
)
valid_iter_map = to_map_style_dataset(valid_iter)
valid_sampler = (
DistributedSampler(valid_iter_map) if is_distributed else None
)
train_dataloader = DataLoader(
train_iter_map,
batch_size=batch_size,
shuffle=(train_sampler is None),
sampler=train_sampler,
collate_fn=collate_fn,
)
valid_dataloader = DataLoader(
valid_iter_map,
batch_size=batch_size,
shuffle=(valid_sampler is None),
sampler=valid_sampler,
collate_fn=collate_fn,
)
return train_dataloader, valid_dataloader
def train_worker(
gpu,
ngpus_per_node,
vocab_src,
vocab_tgt,
spacy_de,
spacy_en,
config,
is_distributed=False,
):
print(f"Train worker process using GPU: {gpu} for training", flush=True)
torch.cuda.set_device(gpu)
pad_idx = vocab_tgt["<blank>"]
d_model = 512
https://nlp.seas.harvard.edu/annotated-transformer/ 26/41
2024/7/30 The Annotated Transformer
model = make_model(len(vocab_src), len(vocab_tgt), N=6)
model.cuda(gpu)
module = model
is_main_process = True
if is_distributed:
dist.init_process_group(
"nccl", init_method="env://", rank=gpu, world_size=ngpus_per_node
)
model = DDP(model, device_ids=[gpu])
module = model.module
is_main_process = gpu == 0
criterion = LabelSmoothing(
size=len(vocab_tgt), padding_idx=pad_idx, smoothing=0.1
)
criterion.cuda(gpu)
optimizer = torch.optim.Adam(
model.parameters(), lr=config["base_lr"], betas=(0.9, 0.98), eps=1e-9
)
lr_scheduler = LambdaLR(
optimizer=optimizer,
lr_lambda=lambda step: rate(
step, d_model, factor=1, warmup=config["warmup"]
),
)
train_state = TrainState()
model.train()
print(f"[GPU{gpu}] Epoch {epoch} Training ====", flush=True)
_, train_state = run_epoch(
(Batch(b[0], b[1], pad_idx) for b in train_dataloader),
model,
SimpleLossCompute(module.generator, criterion),
optimizer,
lr_scheduler,
mode="train+log",
accum_iter=config["accum_iter"],
train_state=train_state,
)
GPUtil.showUtilization()
if is_main_process:
file_path = "%s%.2d.pt" % (config["file_prefix"], epoch)
torch.save(module.state_dict(), file_path)
torch.cuda.empty_cache()
https://nlp.seas.harvard.edu/annotated-transformer/ 27/41
2024/7/30 The Annotated Transformer
sloss = run_epoch(
(Batch(b[0], b[1], pad_idx) for b in valid_dataloader),
model,
SimpleLossCompute(module.generator, criterion),
DummyOptimizer(),
DummyScheduler(),
mode="eval",
)
print(sloss)
torch.cuda.empty_cache()
if is_main_process:
file_path = "%sfinal.pt" % config["file_prefix"]
torch.save(module.state_dict(), file_path)
ngpus = torch.cuda.device_count()
os.environ["MASTER_ADDR"] = "localhost"
os.environ["MASTER_PORT"] = "12356"
print(f"Number of GPUs detected: {ngpus}")
print("Spawning training processes ...")
mp.spawn(
train_worker,
nprocs=ngpus,
args=(ngpus, vocab_src, vocab_tgt, spacy_de, spacy_en, config, True),
)
def load_trained_model():
config = {
"batch_size": 32,
"distributed": False,
"num_epochs": 8,
"accum_iter": 10,
"base_lr": 1.0,
"max_padding": 72,
"warmup": 3000,
"file_prefix": "multi30k_model_",
}
model_path = "multi30k_model_final.pt"
if not exists(model_path):
train_model(vocab_src, vocab_tgt, spacy_de, spacy_en, config)
if is_interactive_notebook():
model = load_trained_model()
https://nlp.seas.harvard.edu/annotated-transformer/ 28/41
2024/7/30 The Annotated Transformer
Once trained we can decode the model to produce a set of translations. Here we simply translate
the first sentence in the validation set. This dataset is pretty small so the translations with greedy
search are reasonably accurate.
1. BPE/ Word-piece: We can use a library to first preprocess the data into subword
units. See Rico Sennrich’s subword-nmt
subword-nmt
subword-nmt implementation. These models will transform
the training data to look like this:
▁Die ▁Protokoll datei ▁kann ▁ heimlich ▁per ▁E - Mail ▁oder ▁FTP ▁an ▁einen
▁bestimmte n ▁Empfänger ▁gesendet ▁werden .
2. Shared Embeddings: When using BPE with shared vocabulary we can share the same
weight vectors between the source / target / generator. See the (cite)
(cite)
(cite) for details. To
add this to the model simply do this:
if False:
model.src_embed[0].lut.weight = model.tgt_embeddings[0].lut.weight
model.generator.lut.weight = model.tgt_embed[0].lut.weight
3. Beam Search: This is a bit too complicated to cover here. See the OpenNMT-py
OpenNMT-py
OpenNMT-py for a
pytorch implementation.
4. Model Averaging: The paper averages the last k checkpoints to create an ensembling
effect. We can do this after the fact if we have a bunch of models:
Results
On the WMT 2014 English-to-German translation task, the big transformer model (Transformer (big)
in Table 2) outperforms the best previously reported models (including ensembles) by more than 2.0
BLEU, establishing a new state-of-the-art BLEU score of 28.4. The configuration of this model is listed
in the bottom line of Table 3. Training took 3.5 days on 8 P100 GPUs. Even our base model surpasses all
previously published models and ensembles, at a fraction of the training cost of any of the competitive
models.
https://nlp.seas.harvard.edu/annotated-transformer/ 29/41
2024/7/30 The Annotated Transformer
On the WMT 2014 English-to-French translation task, our big model achieves a BLEU score of 41.0,
outperforming all of the previously published single models, at less than 1/4 the training cost of the
previous state-of-the-art model. The Transformer (big) model trained for English-to-French used
dropout rate Pdrop = 0.1, instead of 0.3.
With the addtional extensions in the last section, the OpenNMT-py replication gets to 26.9 on
EN-DE WMT. Here I have loaded in those parameters to our reimplemenation.
def check_outputs(
valid_dataloader,
model,
vocab_src,
vocab_tgt,
n_examples=15,
pad_idx=2,
eos_string="</s>",
):
results = [()] * n_examples
for idx in range(n_examples):
print("\nExample %d ========\n" % idx)
b = next(iter(valid_dataloader))
rb = Batch(b[0], b[1], pad_idx)
greedy_decode(model, rb.src, rb.src_mask, 64, 0)[0]
src_tokens = [
vocab_src.get_itos()[x] for x in rb.src[0] if x != pad_idx
]
tgt_tokens = [
vocab_tgt.get_itos()[x] for x in rb.tgt[0] if x != pad_idx
]
print(
"Source Text (Input) : "
+ " ".join(src_tokens).replace("\n", "")
)
print(
"Target Text (Ground Truth) : "
+ " ".join(tgt_tokens).replace("\n", "")
)
model_out = greedy_decode(model, rb.src, rb.src_mask, 72, 0)[0]
model_txt = (
" ".join(
[vocab_tgt.get_itos()[x] for x in model_out if x != pad_idx]
).split(eos_string, 1)[0]
+ eos_string
)
https://nlp.seas.harvard.edu/annotated-transformer/ 30/41
2024/7/30 The Annotated Transformer
print("Model Output : " + model_txt.replace("\n", ""))
results[idx] = (rb, src_tokens, tgt_tokens, model_out, model_txt)
return results
def run_model_example(n_examples=5):
global vocab_src, vocab_tgt, spacy_de, spacy_en
# execute_example(run_model_example)
Attention Visualization
Even with a greedy decoder the translation looks pretty good. We can further visualize it to see
what is happening at each layer of the attention
https://nlp.seas.harvard.edu/annotated-transformer/ 31/41
2024/7/30 The Annotated Transformer
https://nlp.seas.harvard.edu/annotated-transformer/ 32/41
2024/7/30 The Annotated Transformer
def viz_encoder_self():
model, example_data = run_model_example(n_examples=1)
example = example_data[
len(example_data) - 1
] # batch object for the final example
layer_viz = [
visualize_layer(
model, layer, get_encoder, len(example[1]), example[1], example[1]
)
for layer in range(6)
]
return alt.hconcat(
layer_viz[0]
# & layer_viz[1]
& layer_viz[2]
# & layer_viz[3]
& layer_viz[4]
# & layer_viz[5]
)
show_example(viz_encoder_self)
Example 0 ========
Source Text (Input) : <s> Zwei Frauen in pinkfarbenen T-Shirts und <unk> unterhalten sich
vor einem <unk> . </s>
Target Text (Ground Truth) : <s> Two women wearing pink T - shirts and blue jeans converse outside
clothing store . </s>
Model Output : <s> Two women in pink shirts and face are talking in front of a <unk>
. </s>
https://nlp.seas.harvard.edu/annotated-transformer/ 33/41
2024/7/30 The Annotated Transformer
https://nlp.seas.harvard.edu/annotated-transformer/ 34/41
2024/7/30 The Annotated Transformer
def viz_decoder_self():
model, example_data = run_model_example(n_examples=1)
example = example_data[len(example_data) - 1]
layer_viz = [
visualize_layer(
model,
layer,
get_decoder_self,
len(example[1]),
example[1],
example[1],
)
for layer in range(6)
]
return alt.hconcat(
layer_viz[0]
& layer_viz[1]
& layer_viz[2]
& layer_viz[3]
& layer_viz[4]
& layer_viz[5]
)
show_example(viz_decoder_self)
Example 0 ========
Source Text (Input) : <s> Eine Gruppe von Männern in Kostümen spielt Musik . </s>
Target Text (Ground Truth) : <s> A group of men in costume play music . </s>
Model Output : <s> A group of men in costumes playing music . </s>
https://nlp.seas.harvard.edu/annotated-transformer/ 35/41
2024/7/30 The Annotated Transformer
https://nlp.seas.harvard.edu/annotated-transformer/ 36/41
2024/7/30 The Annotated Transformer
https://nlp.seas.harvard.edu/annotated-transformer/ 37/41
2024/7/30 The Annotated Transformer
def viz_decoder_src():
model, example_data = run_model_example(n_examples=1)
example = example_data[len(example_data) - 1]
layer_viz = [
visualize_layer(
model,
layer,
get_decoder_src,
max(len(example[1]), len(example[2])),
example[1],
example[2],
)
for layer in range(6)
]
return alt.hconcat(
layer_viz[0]
& layer_viz[1]
& layer_viz[2]
& layer_viz[3]
& layer_viz[4]
& layer_viz[5]
)
show_example(viz_decoder_src)
Example 0 ========
Source Text (Input) : <s> Ein kleiner Junge verwendet einen Bohrer , um ein Loch in ein
Holzstück zu machen . </s>
Target Text (Ground Truth) : <s> A little boy using a drill to make a hole in a piece of wood .
</s>
Model Output : <s> A little boy uses a machine to be working in a hole in a log .
</s>
https://nlp.seas.harvard.edu/annotated-transformer/ 38/41
2024/7/30 The Annotated Transformer
https://nlp.seas.harvard.edu/annotated-transformer/ 39/41
2024/7/30 The Annotated Transformer
Conclusion
Hopefully this code is useful for future research. Please reach out if you have any issues.
https://nlp.seas.harvard.edu/annotated-transformer/ 40/41
2024/7/30 The Annotated Transformer
Cheers, Sasha Rush, Austin Huang, Suraj Subramanian, Jonathan Sum, Khalid Almubarak, Stella
Biderman
https://nlp.seas.harvard.edu/annotated-transformer/ 41/41