Introduction

Convolutional neural networks (CNNs) are widely used in computer vision because of their great success in target recognition and classification. However, CNNs are not perfect, and their ability to deal with the spatial relationships of image entities is inadequate. Routing refers to the process that determines the network scope of the end-to-end path of the packet from the source to the destination. In neural networks, routing is the process of transferring information from one layer to another. In CNNs, after the convolution operation of each layer is completed, a pooling operation is carried out. A pooling operation can be regarded as a routing application. While local characteristics are improved, other internal information, such as position and attitude, can be lost. When the recognition changes the image of position feature, the result of CNNs is not good. For example, when processing an image with a nose, eyes, mouth, and other facial features but not a face, the CNN will stubbornly think that it is a face1,2. In order to solve the problem of the traditional CNN being too coarse for image understanding, Hinton et al. proposed a CNN with dynamic routing algorithm3,4.

Capsule networks (CapsNets) are effective at recognizing various attributes of specific entities in the image, including pose (position, size, direction), deformation, speed, reflectivity, hue, texture, and so on. When recognizing the image, CapsNets can judge that the image is not a face. The ability of a CapsNet to recognize image attributes depends on the characteristics of the capsules. The higher the level of a capsule, the more information it grasps. The dynamic routing algorithm is used to change low-level capsules into high-level capsules. High-level capsules contain a large amount of image information. It has been found that there is room to improve the level for original high-level capsules. In this paper, our team proposes a dual attention mechanism capsule network (DA-CapsNet). DA-CapsNet has two layers of attention modules; one layer acts as the convolution layer, and the other acts as the PrimaryCaps layer. The purpose of DA-CapsNet is to improve the important information in the capsules, reduce the non-important information, increase the contribution of important information to the capsules, and improve the hierarchy of the capsules. Compared with the original capsule, the improved capsule has more entity attributes and image information.

Our team studied the performance of DA-CapsNet for MNIST, CIFAR10, FashionMNIST, SVHN smallNORB and COIL-20 classification tasks. The results show that the performance of DA-CapsNet is better than that of CapsNet, and it has higher classification accuracy.

Overall, the main contributions of our work are twofold:

  • The structure of the CapsNet is improved, and DA-CapsNet based on a double attention mechanism is proposed.

  • DA-CapsNet can generate capsules with a higher level, thus effectively improving the accuracy of classification.

Related work

CapsNet

The traditional deep neural network cannot effectively obtain the structure of image entity attributes5,6,7, which leads to inadequate results when performing some tasks. In order to make the neural network recognize the spatial information of the image space, Hinton et al.4 proposed the concept of a capsule. Following that, Sabour et al.3 realized CapsNet for the first time, and many new researches have promoted its development. Shahroudnejad et al.8 further explained CapsNet. Jaiswal et al.9 proposed CapsuleGAN, which uses CapsNet instead of a CNN as the discriminator and is a combination of CapsNet and the popular antagonistic neural network. In terms of computer vision, CapsNet has been used to detect fake images and videos10, recognize human movements, learn time information from spatial information11, encode facial actions12, and classify hyperspectral images13, all of which are based on its recognition of image entity attributes. In natural language processing, Zhang et al.14 using capsule network to extract relationship, Du et al.15 proposed a new hybrid neural network based on emotion classification capsules, and McIntosh et al.16 applied multimodal capsule routing to action video segmentation. In medicine, CapsNet has been used to predict Alzheimer disease17, automatically classify apoptosis18, identify sign language19, and classify brain tumor types20.

Attention mechanism

A visual attention mechanism is a special brain signal processing mechanism in human vision21. When human vision captures an image, it automatically focuses on an interesting part, invests more energy in and obtains more information from the relevant areas, and suppresses other irrelevant information. Researchers have incorporated the concept of visual attention into the field of computer vision to improve the efficiency of the model22,23,24,25. In essence, the neural network is a function approver26. The structure of the neural network determines what kind of function it can fit27,28. Generally, A typical neural network can be implemented as a series of matrix multiplexes and element-wise non-linearities, where the elements of the input or eigenvectors interact only by addition29,30,31. In theory, neural networks can fit any function, but in reality, the fitted functions are limited. Zhang et al.32 proposed that spatial interaction in human visual cortex requires multiplication mechanism. Swindale et al.33,34 proposes that the forward information in cortical maps is directed to the backward information by a attentional mechanism that allows control of the presence of multiplication effects and multiplicative interactions. By introducing an attention mechanism, the functions of input vectors are computed with the mask used to multiply the feature to reduce the limitations of neural network fitting functions, which extends the operation of input vectors to multiplication.

Methods

Background

In deep learning, capsules are sets of embedded neurons, and a CapsNet is comprised of these capsules. The activity vector of a capsule represents the instantiation parameter of a specific type of entity, such as a target or part of a target. Figure 1 is the original CapsNet structure diagram, which shows the comparable results of a deep convolution network. The length of the activation vector of each capsule in the DigitCaps layer represents the presentation of each class instance and is used to calculate the classification loss.

Figure 1
figure 1

CapsNet architecture.

Figure 2 shows the decoding structure of the DigitCaps layer. DigitCaps pass through two full connection layers controlled by ReLU and tanh. The euclidean distance between images and the output of the sigmoid layer are minimized in training. Using the correct label as the reconstruction target in the training.

Figure 2
figure 2

Reconstructing a decoding structure from the DigitCaps layer.

The length of the capsule output vector represents the probability that the entity represented by the capsule exists in the current input. Therefore, a nonlinear squashing function is used as the activation function to ensure that the short vector is compressed to a length close to 0 and the long vector is compressed to a length slightly less than 1. In the original paper3, the constant used in the squashing function was 1. In the experiment, the constant was changed to 0.5 to improve the scaling scale of the squashing function. Table 1 shows the accuracy of CapsNet in each dataset under different squashing constant. A squashing function was calculated using Eq. (1) and the scaling function were calculated using Eqs. (2) and (3):

$$\begin{array}{c}{V}_{j}=Squash\left({S}_{j}\right)=\frac{{\Vert {S}_{j}\Vert }^{2}}{1+{\Vert {S}_{j}\Vert }^{2}}\frac{{S}_{j}}{\Vert {S}_{j}\Vert }\to \frac{{\Vert {S}_{j}\Vert }^{2}}{0.5+{\Vert {S}_{j}\Vert }^{2}}\frac{{S}_{j}}{\Vert {S}_{j}\Vert }\end{array}$$
(1)
$$\begin{array}{c}{z}_{1}=\frac{{\Vert {S}_{j}\Vert }^{2}}{1+{\Vert {S}_{j}\Vert }^{2}}\end{array}$$
(2)
$$\begin{array}{c}{z}_{2}=\frac{{\Vert {S}_{j}\Vert }^{2}}{0.5+{\Vert {S}_{j}\Vert }^{2}}\end{array}$$
(3)

where \({V}_{j}\) is the output vector of the \(jth\) capsule, \({S}_{j}\) is the input vector of the \(jth\) capsule, and \(\Vert {S}_{j}\Vert\) is the module length of the vector \({S}_{j}\).

Table 1 Accuracy of datasets with different squashing constant.

It can be seen from Fig. 3. That when the norm of vector is small and large, the scaling scale of \({z}_{1}\) function increases less, and when the norm of vector is in the middle, the scaling scale increases more. After the activation function is changed, the network’s attention to image features is increased to achieve better results.

Figure 3
figure 3

Comparison of two different squashing functions.

The input of CapsNet \({S}_{j}\) is calculated with Eq. (4):

$$\begin{array}{*{20}c} { S_{j} = \mathop \sum \limits_{i} c_{ij} \hat{u}_{j|i} } \\ \end{array} ,$$
(4)

and \({\widehat{u}}_{j|i}\) is calculated with Eq. (5):

$$\begin{array}{*{20}c} {\hat{u}_{j|i} = W_{ij} u_{i} } \\ \end{array} .$$
(5)

The total input of a capsule \({S}_{j}\) is a weighted sum of all prediction vectors \({\widehat{u}}_{j|i}\) from the capsule of the lower layer, and \({u}_{i}\) is the output of a capsule of the lower layer multiplied by a weight matrix \({W}_{ij}\). The coupling coefficient \({c}_{ij}\) is determined by the iterative dynamic routing process, calculated using Eq. (6).

$$\begin{array}{*{20}c} {c_{ij} = \frac{{\exp \left( {b_{ij} } \right)}}{{\mathop \sum \nolimits_{k} \exp \left( {b_{ik} } \right)}}} \\ \end{array} .$$
(6)

To get \({c}_{ij}\), \({b}_{ij}\) must first be found; \({b}_{ij}\) is calculated using Eq. (7):

$$\begin{array}{*{20}c} {b_{ij} \leftarrow b_{ij} + \hat{u}_{j|i} \cdot v_{j} } \\ \end{array} .$$
(7)

The initial value of \({b}_{ij}\) is 0; from this we can get \({c}_{ij}\) and \({u}_{i}\), which is the output of the previous layer of capsules. With these three values, we can determine the next level of \({S}_{j}\). Hinton et al.’s4 experiments with MNIST showed that CapsNet has a unique effect in processing an image target or part of a target, which cannot be solved by traditional CNNs.

DA-CapsNet

Overall structure of DA-CapsNet

Figure 4 presents the architecture of DA-CapsNet. Unlike CapsNet, DA-CapsNet adds two layers of attention mechanisms, including Conv-Attention in ReLU-Conv to PrimaryCaps and Caps-Attention in PrimaryCaps to DigitCaps.

Figure 4
figure 4

DA-CapsNet architecture. The network structure diagram (CIFAR10) shows two layers of attention mechanisms added to the official network model for keras35.

In Fig. 4, the purpose of Part A is to turn an image into a higher contribution attention convoy. The image is input with the dimensions of [32,32,3]. Using two layers of 3 × 3 step size 1 convolution kernel instead of 5 × 5 convolution check image to convolute to obtain more details of the image information, using ReLU to activate function, the result of convolution is a tensor of 10 × 10 with 128 channels ([10,10,128]). Then, through Conv-Attention processing, the image provides a higher contribution to the experimental results of attention convolution.

The purpose of Part B is to transform the PrimaryCaps into the more productive attcaps and then generate a DigitCaps that is higher level than in the original network. In this process, one-dimensional convolution is used instead of full connection operation to improve the operation efficiency. The activation function is linear, which generates 100[10,16] dimensional PrimaryCaps. Each capsule shares the weight. The PrimaryCaps is then processed by Caps-Attention to become attention capsules(AttCaps).

In Part C, the dynamic routing algorithm is used to change the AttCaps into DigitCaps. The length of the activation vector of each capsule in the DigitCaps layer represents the corresponding predicted probability of each class.

Attention mechanism in DA-CapsNet

The function of Conv-Attention is to transform the result of the first convolution into the attention convolution. The role of Caps-Attention is to change the PrimaryCaps into AttCaps. The purpose of the two attention modules is to make the capsule focus on a wider area of the image, get more information and improve the accuracy of classification. We will use the results of model reconstruction to prove that the dual attention mechanism makes the capsule pay more attention to the image information.

Conv-attention module

Figure 5 shows the principle of Conv-Attention. After the image is processed by ReLU Conv, the global pooling operation is carried out, which gathers the plane information into the point information, and then passes through the full connection neural network controlled by the relu and tanh activation functions, respectively. Finally, the convolution of attention is obtained by multiplying and adding the results of ReLU Conv. For the input setting \({u}_{pc}\), \({the length of u}_{pc}\) is M, the width is N, and the number of channels is Q. Thus, the dimensions is [M,N,Q]. The first step is to perform global pooling for each channel. The global pooling formula is calculated with Eq. (8):

$$\begin{array}{*{20}c} {u_{{gq_{k} }} = \frac{1}{MN}\mathop \sum \limits_{i = 0}^{M} \mathop \sum \limits_{j = 0}^{N} q_{kij} , for \quad q_{k} \in q} \\ \end{array} .$$
(8)
Figure 5
figure 5

Conv-Attention architecture.

The resulting setting after global pooling is \({u}_{g}\). The shape of \({u}_{g}\) is [1,1,Q]. The second step is to synthesize and process the features extracted in the first step to improve the nonlinear expression ability of the model36. Here, two layers of full connection are used to process \({u}_{g}\) to get \({u}_{1}\) and \({u}_{2}\).The first activation function is ReLU, and the second activation function is tanh. These are calculated using Eqs. (9) and (10):

$$\begin{array}{*{20}c} {u_{1} = ReLU\left( {W_{1} u_{g} + b_{1} } \right)} \\ \end{array} ,$$
(9)
$$\begin{array}{*{20}c} {u_{2} = \tanh \left( {W_{2} u_{1} + b_{2} } \right)} \\ \end{array} ,$$
(10)

where \({u}_{1}\) and \({u}_{2}\) are the result of two layers of full connection, respectively.\({W}_{1} and {W}_{2}\) are the corresponding weight matrix, and \({b}_{1} and {b}_{2}\) are the corresponding offset. After two full connection operations, the shape of \({u}_{2}\) is [1,1,Q].

In the third step, after \({u}_{2}\) is obtained, multiplying \({u}_{2}\) and \({u}_{pc}\) to get \({u}_{3}\), and then add \({u}_{3}\) and \({u}_{2}\) to get attention convolution \({u}_{c-att}\); \({u}_{c-att}\) and \({u}_{3}\) are calculated using Eqs. (11) and (12):

$$\begin{array}{*{20}c} {u_{c - att} = u_{pc} + u_{3} } \\ \end{array} ,$$
(11)
$$\begin{array}{*{20}c} {u_{3} = u_{pc} *u_{2} } \\ \end{array} .$$
(12)

Caps-attention module

Figure 6 shows the principle of Caps-Attention. AttCaps is found by changing the shape of the PrimaryCaps, turning the PrimaryCaps into a vector, passing through the fully connected neural network controlled by the ReLU and tanh activation functions, and then multiplying and adding with the PrimaryCaps.

Figure 6
figure 6

Caps-Attention architecture.

In the second step, \({u}_{pr}\) is fully connected twice to get \({u}_{p1}\) and \({u}_{p2}\) 36. The activation function of the first operation is ReLU, and the activation function of the second operation is tanh. Thus, \({u}_{pr}\) is calculated using Eqs. (13) and (14):

$$\begin{array}{*{20}c} {u_{p1} = ReLU\left( {W_{3} u_{pr} + b_{3} } \right)} \\ \end{array} ,$$
(13)
$$\begin{array}{*{20}c} {u_{p2} = \tanh \left( {W_{4} u_{p1} + b_{4} } \right)} \\ \end{array} ,$$
(14)

where \({u}_{p1}\) and \({u}_{p2}\) are the result of two layers of full connection, respectively.\({W}_{3} and{ W}_{4}\) are the corresponding weight matrix, and \({b}_{3} and {b}_{4}\) are the corresponding offset.

In the third step, after \({u}_{p2}\) is obtained, multiplying \({u}_{p2}\) and \({u}_{p}\) to get \({u}_{p3}\), and then add \({u}_{p3}\) and \({u}_{p}\) to get attention capsules \({u}_{p-att}\); \({u}_{p-att}\) and \({u}_{p3}\) are calculated using Eqs. (15) and (16):

$$\begin{array}{*{20}c} {u_{p - att} = u_{p} + u_{p3} } \\ \end{array} ,$$
(15)
$$\begin{array}{*{20}c} {u_{p3} = u_{p} *u_{p2} } \\ \end{array} .$$
(16)

Results

Datasets and equipment

In this experiment, the datasets used included MNIST, CIFAR10, FashionMNIST, SVHN, smallNORB, and COIL-20. MNIST is the most commonly used dataset for deep learning and includes 10 kinds of grayscale handwritten digital images. The CIFAR10 dataset consists of 60,000 32 × 32 color images of 10 classes, and each class has 6,000 images, 50,000 training images, and 10,000 test images. Based on the handwritten dataset MNIST, FashionMNIST includes 10 kinds of grayscale clothing images. SVHN is a collection of house numbers extracted from the Google Street View project. The SVHN dataset is much more complex. Some images may contain additional confusing numbers around the central numbers of interest. SmallNORB contains 50 images of toys, each of which is photographed in 18 different directions (0–340), 9 elevation angles and 6 lighting conditions, so each training and test set contains 24,300 images. COIL-20 is a collection of gray-scale images, including 20 objects from different angles, one image is taken every 5 degrees, each object has 72 images, and the data set contains a total of 1,440 images. The images of smallNORB and COIL-20 are shown in Fig. 7. We build our model use python3.6 and keras2.2.4, and spend 4 weeks training model with the GPU of NVIDIA Gtx1080ti and Windows operating system.

Figure 7
figure 7

The left two images are smallNORB and the right two images are COIL-20.

Implementation details

The experiment was divided into four situations: no attention mechanism, Conv-Attention single-layer attention mechanism, Caps-Attention single-layer attention mechanism, and two-layer attention mechanism. All four cases were tested on each dataset. In these six datasets, preprocessing and real-time data expansion were carried out, and the number of image samples was increased through image transformation such as translation and flipping. For many attention mechanisms applied to image classification tasks, the last activation function mostly uses softmax or sigmoid, while the tanh function is used in experiments. The value range of the tanh function was (− 1,1).

Image reconstruction

Figures 8 and 9 are the images reconstructed by FashionMNIST in CapsNet and DA-CapsNet respectively. We conducted image reconstruction experiments on FashionMNIST, trained 7 epochs, and took out the results of each epoch. Different network structures and weight changes during training lead to different results of the same dataset. From the visualization of the image, we can know that the working principle of the capsule is to analyze the whole image at first, and then focus on the features of the image gradually. Compared with Figs. 8 and 9, DA-CapsNet has more types of reconstruction and more obvious image features, and it can be seen that the image generated by DA-CapsNet has higher definition and less image noise. Under the action of Conv-Attention and Caps-Attention, the capsule not only speeds up the speed of focusing image features, but also pays attention to more information of the image, which makes the visualization of the reconstruction process clearer.

Figure 8
figure 8

Images reconstructed by FashionMNIST on CapsNet.

Figure 9
figure 9

Images reconstructed by FashionMNIST on DA-CapsNet.

MNIST results

Figure 10 shows the epochs needed for four experiments to achieve 100% accuracy on MNIST test dataset. For MNIST, the experiment was based on the network structure of4 Fig. 4. The DA-CapsNet was trained on the training dataset and then input into the test dataset, and 100 epochs were run. As shown in Figs. 8,10 epochs were needed for DA-CapsNet to reach an accuracy of 100%, whereas 25 epochs were needed for CapsNet, 16 for CapsNet with Conv-Attention, and 13 for CapsNet with Caps-Attention.

Figure 10
figure 10

Classification accuracy for MNIST test dataset according to the epochs.

CIFAR10, SVHN and FashionMNIST results

Figures 11, 12, 13 are line charts that demonstrate the accuracy of four experimental results using CIFAR10, SVHN and FashionMNIST, respectively. Table 2 shows the highest accuracy and improvement rate of four experiments in each dataset. Before processing the attention mechanism, the image is first convoluted. Table 3 shows the specific steps and methods of convolution. In FashionMNIST experiment, the input and output tensor was [10,10,128] through Conv-Attention and [10,100,16] through Caps-Attention. In CIFAR10 and SVHN experiment, the input and output tensor was [10,10,128] through Conv-Attention and [10,100,16] through Caps-Attention.

Figure 11
figure 11

Classification accuracy for CIFAR10 test dataset according to the epochs.

Figure 12
figure 12

Classification accuracy for FashionMNIST test dataset according to the epochs.

Figure 13
figure 13

Classification accuracy on SVHN test dataset according to the epochs.

Table 2 Accuracy comparison for CIFAR10, SVHN and FashionMNIST for each network.
Table 3 Formation of primarycaps for different datasets.

COIL-20 and smallNORB results

These two datasets are all sets of images taken by the same object from different angles. It is of great significance to study the unique spatial invariance of CapsNet. Compared with smallNORB, COIL-20 has more image categories, more features, such as texture, posture, and more differences between images. In the experiment, setting the image size of smallNORB and COIL-20 at 32 × 32 pixels. We choose the top ten categories of COIL-20 to experiment, and the ratio of training set to test set is 9:1, 100 epoch were run, and the batch_size is 16. At the same time, we trained a CNN as a baseline to compare with DA-CapsNet. CNN has two convolution layers including 32 and 64 channels respectively. Both layers have a kernel size of 5 and a stride of 1 with a 2 × 2 max pooling, and full connection layer with 1,024 unit with dropout. In smallNORB, CNN connects to 5-way softmax output layer, while in COIL-20, CNN is connected to 20-way softmax output layer.

Figure 14 shows the reconstruction results of DA-CapsNet and CapsNet in COIL-20. In Fig. 14a, the direction of image reconstructed by CapsNet tends to be horizontal, while DA-CapsNet is inclined, and the image reconstructed by DA-CapsNet contains more texture. The image of DA-CapsNet in Fig. 14b and c can more accurately express the posture and texture of plutus cat and duck. It can be seen that the design of DA-CapsNet has achieved the purpose of focusing more information on the image, and DA-CapsNet is more prominent in processing the characteristics of the image, such as direction, posture and texture. Table 4 shows the accuracy of CNN baseline on smallNORB and COIL-20, it also compares with CapsNet and DA-CapsNet. The accuracy of CNN baseline is 100% in COIL-20, 91.28% in smallNORB. In CapsNet, smallNORB and COIL-20 are 96.93% and 98.38 respectively, while DA-CapsNet achieves 98.26% and 100%.

Figure 14
figure 14

Reconstruction results of two neural network models. The left images is the image in COIL-20, the middle images is the result of CapsNet reconstruction, and the right images is the result of DA-CapsNet reconstruction.

Table 4 Comparison of the six datasets for CapsNet and DA-CapsNet.

All results

The results of CNN baseline, CapsNet and DA-CapsNet for the six datasets are summarized in Table 4. For the MNIST test dataset, the training results were all 100%, which is not easy to compare. Therefore, the average values of the first five epochs were used for the comparison. It can be seen from Table 4 that in MNIST, CIFAR10, SVHN, FashionMNIST, smallNORB, and COIL-20, DA-CapsNet showed an improved accuracy of 0.15%, 2.52%, 3.46%, 1.57%, 1.33%, and 1.16%, respectively, compared to CapsNet, and compared with CNN baseline, DA-CapsNet improves the accuracy significantly.

Discussion

The effect of CapsNet depends on the characteristics of the capsule. The higher the level of the capsule, the more various attributes of the specific entity in the image, such as location, size, direction, etc. Improving the characteristics and enriching the content of capsules are the key goals of CapsNet research. On this basis, our study of DA-CapsNet focused on all the contents of the capsule, extracted the key content (enlarged the relevant parameters), discarded the non-key content (reduced the relevant parameters), improved the level of the capsule, and finally obtained the capsule with a larger proportion of key information.

In CapsNet, there is no uniform specification for the number of PrimaryCaps, which is determined artificially according to the convolution mode of the convolution layer, as can be seen from Table 3. The discreteness of the PrimaryCaps formed by the artificial convolution mode is strong, and the fitting function is subject to great limitation. The attention mechanism can be regarded as a multiplier to increase the number of functions that will fit the neural network model32-34. DA-CapsNet uses two levels of attention mechanism. In the network presented in this paper, the two attention mechanisms are in a series, and the results of the two attention mechanisms can be regarded as a composite function.

In Figs. 8, 9, 10, 11, 12, 13, More functions can be fitted by composite function than by multiplier, and the fitted function result is better than for a single attention level. At the same time, it can be seen that different attention layers have different effects depending on the network. For example, in the SVHN experiment, results were better for Conv-Attention than Caps-Attention, while in the FastionMNIST experiment, Caps-Attention had better results. The attention mechanism enables the neural network to focus on only a part of its input information, and it can select a specific input. The entities in the images had many attributes, such as posture, texture, etc. By adding two layers of attention mechanisms, the neural network can pay more attention to the information. The more CapsNet understands the entity characteristics of the image, the better its performance in the classification task.

Conclusion

In this paper, our team proposed a CapsNet based on a double attention mechanism to improve the hierarchy of capsules, which was verified through six open datasets. The experimental results showed that DA-CapsNet with two attention mechanisms is better than CapsNet and a single attention mechanism for image classification. From the results of image reconstruction, DA- CapsNet pays more attention to image information faster and more accurately, have more outstanding ability to master image information. For SVHN, CIFAR10, FashionMNIST, smallNORB and COIL-20, the accuracy of DA-CapsNet was 3.46%, 2.52%, 1.57%, 1.33%, and 1.16% higher than that of CapsNet.