This is a PyTorch implementation/tutorial of Dynamic Routing Between Capsules.
Capsule network is a neural network architecture that embeds features as capsules and routes them with a voting mechanism to next layer of capsules.
Unlike in other implementations of models, we've included a sample, because it is difficult to understand some concepts with just the modules. This is the annotated code for a model that uses capsules to classify MNIST dataset
This file holds the implementations of the core modules of Capsule Networks.
I used jindongwang/Pytorch-CapsuleNet to clarify some confusions I had with the paper.
Here's a notebook for training a Capsule Network on MNIST dataset.
33import torch.nn as nn
34import torch.nn.functional as F
35import torch.utils.data
36
37from labml_helpers.module import ModuleThis is squashing function from paper, given by equation .
normalizes the length of all the capsules, whilst shrinks the capsules that have a length smaller than one .
40class Squash(Module):55    def __init__(self, epsilon=1e-8):
56        super().__init__()
57        self.epsilon = epsilon The shape of s
 is [batch_size, n_capsules, n_features]
59    def forward(self, s: torch.Tensor):65        s2 = (s ** 2).sum(dim=-1, keepdims=True)We add an epsilon when calculating  to make sure it doesn't become zero. If this becomes zero it starts giving out nan
 values and training fails.  
71        return (s2 / (1 + s2)) * (s / torch.sqrt(s2 + self.epsilon))This is the routing mechanism described in the paper. You can use multiple routing layers in your models.
This combines calculating for this layer and the routing algorithm described in Procedure 1.
74class Router(Module): in_caps
 is the number of capsules, and in_d
 is the number of features per capsule from the layer below. out_caps
 and out_d
 are the same for this layer.
iterations
 is the number of routing iterations, symbolized by  in the paper.
85    def __init__(self, in_caps: int, out_caps: int, in_d: int, out_d: int, iterations: int):92        super().__init__()
93        self.in_caps = in_caps
94        self.out_caps = out_caps
95        self.iterations = iterations
96        self.softmax = nn.Softmax(dim=1)
97        self.squash = Squash()This is the weight matrix . It maps each capsule in the lower layer to each capsule in this layer
101        self.weight = nn.Parameter(torch.randn(in_caps, out_caps, in_d, out_d), requires_grad=True) The shape of u
 is [batch_size, n_capsules, n_features]
. These are the capsules from the lower layer.
103    def forward(self, u: torch.Tensor):Here is used to index capsules in this layer, whilst is used to index capsules in the layer below (previous).
112        u_hat = torch.einsum('ijnm,bin->bijm', self.weight, u)Initial logits are the log prior probabilities that capsule should be coupled with . We initialize these at zero
117        b = u.new_zeros(u.shape[0], self.in_caps, self.out_caps)
118
119        v = NoneIterate
122        for i in range(self.iterations):routing softmax
124            c = self.softmax(b)126            s = torch.einsum('bij,bijm->bjm', c, u_hat)128            v = self.squash(s)130            a = torch.einsum('bjm,bijm->bij', v, u_hat)132            b = b + a
133
134        return vA separate margin loss is used for each output capsule and the total loss is the sum of them. The length of each output capsule is the probability that class is present in the input.
Loss for each output capsule or class is,
is if the class is present and otherwise. The first component of the loss is when the class is not present, and the second component is if the class is present. The is used to avoid predictions going to extremes. is set to be and to be in the paper.
The down-weighting is used to stop the length of all capsules from falling during the initial phase of training.
137class MarginLoss(Module):157    def __init__(self, *, n_labels: int, lambda_: float = 0.5, m_positive: float = 0.9, m_negative: float = 0.1):
158        super().__init__()
159
160        self.m_negative = m_negative
161        self.m_positive = m_positive
162        self.lambda_ = lambda_
163        self.n_labels = n_labels v
,  are the squashed output capsules. This has shape [batch_size, n_labels, n_features]
; that is, there is a capsule for each label.
labels
 are the labels, and has shape [batch_size]
.
165    def forward(self, v: torch.Tensor, labels: torch.Tensor):173        v_norm = torch.sqrt((v ** 2).sum(dim=-1)) labels
 is one-hot encoded labels of shape [batch_size, n_labels]
 
177        labels = torch.eye(self.n_labels, device=labels.device)[labels] loss
 has shape [batch_size, n_labels]
. We have parallelized the computation of  for for all . 
183        loss = labels * F.relu(self.m_positive - v_norm) + \
184               self.lambda_ * (1.0 - labels) * F.relu(v_norm - self.m_negative)187        return loss.sum(dim=-1).mean()