![](https://bohrium.oss-cn-zhangjiakou.aliyuncs.com/article/16948/ee7047342b754ffbba491afa925cdc6b/d0797800-9e09-4fba-98df-61602d0f387b.png?x-oss-process=image/resize,w_100,m_lfit)
![](https://cdn1.deepmd.net/bohrium/web/static/images/level-v2-3.png?x-oss-process=image/resize,w_50,m_lfit)
[[chapter_arch_details]]
Application Architectures Deep Dive
We are now in the exciting position that we can fully understand the architectures that we have been using for our state-of-the-art models for computer vision, natural language processing, and tabular analysis. In this chapter, we're going to fill in all the missing details on how fastai's application models work and show you how to build the models they use.
We will also go back to the custom data preprocessing pipeline we saw in <
We'll start with computer vision.
Computer Vision
For computer vision application we use the functions vision_learner
and unet_learner
to build our models, depending on the task. In this section we'll explore how to build the Learner
objects we used in Parts 1 and 2 of this book.
vision_learner
Let's take a look at what happens when we use the vision_learner
function. We begin by passing this function an architecture to use for the body of the network. Most of the time we use a ResNet, which you already know how to create, so we don't need to delve into that any further. Pretrained weights are downloaded as required and loaded into the ResNet.
Then, for transfer learning, the network needs to be cut. This refers to slicing off the final layer, which is only responsible for ImageNet-specific categorization. In fact, we do not slice off only this layer, but everything from the adaptive average pooling layer onwards. The reason for this will become clear in just a moment. Since different architectures might use different types of pooling layers, or even completely different kinds of heads, we don't just search for the adaptive pooling layer to decide where to cut the pretrained model. Instead, we have a dictionary of information that is used for each model to determine where its body ends, and its head starts. We call this model_meta
—here it is for resnet-50:
{'cut': -2, 'split': <function fastai.vision.learner._resnet_split(m)>, 'stats': ([0.485, 0.456, 0.406], [0.229, 0.224, 0.225])}
jargon: Body and Head: The "head" of a neural net is the part that is specialized for a particular task. For a CNN, it's generally the part after the adaptive average pooling layer. The "body" is everything else, and includes the "stem" (which we learned about in <
>).
If we take all of the layers prior to the cut point of -2
, we get the part of the model that fastai will keep for transfer learning. Now, we put on our new head. This is created using the function create_head
:
Sequential( (0): AdaptiveConcatPool2d( (ap): AdaptiveAvgPool2d(output_size=1) (mp): AdaptiveMaxPool2d(output_size=1) ) (1): full: False (2): BatchNorm1d(20, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (3): Dropout(p=0.25, inplace=False) (4): Linear(in_features=20, out_features=512, bias=False) (5): ReLU(inplace=True) (6): BatchNorm1d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (7): Dropout(p=0.5, inplace=False) (8): Linear(in_features=512, out_features=2, bias=False) )
Sequential(
(0): AdaptiveConcatPool2d(
(ap): AdaptiveAvgPool2d(output_size=1)
(mp): AdaptiveMaxPool2d(output_size=1)
)
(1): Flatten()
(2): BatchNorm1d(20, eps=1e-05, momentum=0.1, affine=True)
(3): Dropout(p=0.25, inplace=False)
(4): Linear(in_features=20, out_features=512, bias=False)
(5): ReLU(inplace=True)
(6): BatchNorm1d(512, eps=1e-05, momentum=0.1, affine=True)
(7): Dropout(p=0.5, inplace=False)
(8): Linear(in_features=512, out_features=2, bias=False)
)
With this function you can choose how many additional linear layers are added to the end, how much dropout to use after each one, and what kind of pooling to use. By default, fastai will apply both average pooling, and max pooling, and will concatenate the two together (this is the AdaptiveConcatPool2d
layer). This is not a particularly common approach, but it was developed independently at fastai and other research labs in recent years, and tends to provide some small improvement over using just average pooling.
fastai is a bit different from most libraries in that by default it adds two linear layers, rather than one, in the CNN head. The reason for this is that transfer learning can still be useful even, as we have seen, when transferring the pretrained model to very different domains. However, just using a single linear layer is unlikely to be enough in these cases; we have found that using two linear layers can allow transfer learning to be used more quickly and easily, in more situations.
note: One Last Batchnorm?: One parameter to
create_head
that is worth looking at isbn_final
. Setting this totrue
will cause a batchnorm layer to be added as your final layer. This can be useful in helping your model scale appropriately for your output activations. We haven't seen this approach published anywhere as yet, but we have found that it works well in practice wherever we have used it.
Let's now take a look at what unet_learner
did in the segmentation problem we showed in <
unet_learner
One of the most interesting architectures in deep learning is the one that we used for segmentation in <
The way we do this is to start with the exact same approach to developing a CNN head as we saw in the previous problem. We start with a ResNet, for instance, and cut off the adaptive pooling layer and everything after that. Then we replace those layers with our custom head, which does the generative task.
There was a lot of handwaving in that last sentence! How on earth do we create a CNN head that generates an image? If we start with, say, a 224-pixel input image, then at the end of the ResNet body we will have a 7×7 grid of convolutional activations. How can we convert that into a 224-pixel segmentation mask?
Naturally, we do this with a neural network! So we need some kind of layer that can increase the grid size in a CNN. One very simple approach to this is to replace every pixel in the 7×7 grid with four pixels in a 2×2 square. Each of those four pixels will have the same value—this is known as nearest neighbor interpolation. PyTorch provides a layer that does this for us, so one option is to create a head that contains stride-1 convolutional layers (along with batchnorm and ReLU layers as usual) interspersed with 2×2 nearest neighbor interpolation layers. In fact, you can try this now! See if you can create a custom head designed like this, and try it on the CamVid segmentation task. You should find that you get some reasonable results, although they won't be as good as our <
Another approach is to replace the nearest neighbor and convolution combination with a transposed convolution, otherwise known as a stride half convolution. This is identical to a regular convolution, but first zero padding is inserted between all the pixels in the input. This is easiest to see with a picture—<
As you see, the result of this is to increase the size of the input. You can try this out now by using fastai's ConvLayer
class; pass the parameter transpose=True
to create a transposed convolution, instead of a regular one, in your custom head.
Neither of these approaches, however, works really well. The problem is that our 7×7 grid simply doesn't have enough information to create a 224×224-pixel output. It's asking an awful lot of the activations of each of those grid cells to have enough information to fully regenerate every pixel in the output. The solution to this problem is to use skip connections, like in a ResNet, but skipping from the activations in the body of the ResNet all the way over to the activations of the transposed convolution on the opposite side of the architecture. This approach, illustrated in <
This picture shows the CNN body on the left (in this case, it's a regular CNN, not a ResNet, and they're using 2×2 max pooling instead of stride-2 convolutions, since this paper was written before ResNets came along) and the transposed convolutional ("up-conv") layers on the right. Then extra skip connections are shown as gray arrows crossing from left to right (these are sometimes called cross connections). You can see why it's called a "U-Net!"
With this architecture, the input to the transposed convolutions is not just the lower-resolution grid in the preceding layer, but also the higher-resolution grid in the ResNet head. This allows the U-Net to use all of the information of the original image, as it is needed. One challenge with U-Nets is that the exact architecture depends on the image size. fastai has a unique DynamicUnet
class that autogenerates an architecture of the right size based on the data provided.
Let's focus now on an example where we leverage the fastai library to write a custom model.
A Siamese Network
Let's go back to the input pipeline we set up in <True
or False
, depending on if they were in the same class or not.
Using what we just saw, let's build a custom model for this task and train it. How? We will use a pretrained architecture and pass our two images through it. Then we can concatenate the results and send them to a custom head that will return two predictions. In terms of modules, this looks like this:
To create our encoder, we just need to take a pretrained model and cut it, as we explained before. The function create_body
does that for us; we just have to pass it the place where we want to cut. As we saw earlier, per the dictionary of metadata for pretrained models, the cut value for a resnet is -2
:
Then we can create our head. A look at the encoder tells us the last layer has 512 features, so this head will need to receive 512*2
. Why 2? We have to multiply by 2 because we have two images. So we create the head as follows:
With our encoder and head, we can now build our model:
Before using Learner
, we have two more things to define. First, we must define the loss function we want to use. It's regular cross-entropy, but since our targets are Booleans, we need to convert them to integers or PyTorch will throw an error:
More importantly, to take full advantage of transfer learning, we have to define a custom splitter. A splitter is a function that tells the fastai library how to split the model into parameter groups. These are used behind the scenes to train only the head of a model when we do transfer learning.
Here we want two parameter groups: one for the encoder and one for the head. We can thus define the following splitter (params
is just a function that returns all parameters of a given module):
Then we can define our Learner
by passing the data, model, loss function, splitter, and any metric we want. Since we are not using a convenience function from fastai for transfer learning (like vision_learner
), we have to call learn.freeze
manually. This will make sure only the last parameter group (in this case, the head) is trained:
Then we can directly train our model with the usual methods:
epoch | train_loss | valid_loss | accuracy | time |
---|---|---|---|---|
0 | 0.367015 | 0.281242 | 0.885656 | 00:26 |
1 | 0.307688 | 0.214721 | 0.915426 | 00:26 |
2 | 0.275221 | 0.170615 | 0.936401 | 00:26 |
3 | 0.223771 | 0.159633 | 0.943843 | 00:26 |
Before unfreezing and fine-tuning the whole model a bit more with discriminative learning rates (that is: a lower learning rate for the body and a higher one for the head):
epoch | train_loss | valid_loss | accuracy | time |
---|---|---|---|---|
0 | 0.212744 | 0.159033 | 0.944520 | 00:35 |
1 | 0.201893 | 0.159615 | 0.942490 | 00:35 |
2 | 0.204606 | 0.152338 | 0.945196 | 00:36 |
3 | 0.213203 | 0.148346 | 0.947903 | 00:36 |
94.8% is very good when we remember a classifier trained the same way (with no data augmentation) had an error rate of 7%.
Now that we've seen how to create complete state-of-the-art computer vision models, let's move on to NLP.
Natural Language Processing
Converting an AWD-LSTM language model into a transfer learning classifier, as we did in <vision_learner
in the first section of this chapter. We do not need a "meta" dictionary in this case, because we do not have such a variety of architectures to support in the body. All we need to do is select the stacked RNN for the encoder in the language model, which is a single PyTorch module. This encoder will provide an activation for every word of the input, because a language model needs to output a prediction for every next word.
To create a classifier from this we use an approach described in the ULMFiT paper as "BPTT for Text Classification (BPT3C)":
: We divide the document into fixed-length batches of size b. At the beginning of each batch, the model is initialized with the final state of the previous batch; we keep track of the hidden states for mean and max-pooling; gradients are back-propagated to the batches whose hidden states contributed to the final prediction. In practice, we use variable length backpropagation sequences.
In other words, the classifier contains a for
loop, which loops over each batch of a sequence. The state is maintained across batches, and the activations of each batch are stored. At the end, we use the same average and max concatenated pooling trick that we use for computer vision models—but this time, we do not pool over CNN grid cells, but over RNN sequences.
For this for
loop we need to gather our data in batches, but each text needs to be treated separately, as they each have their own labels. However, it's very likely that those texts won't all be of the same length, which means we won't be able to put them all in the same array, like we did with the language model.
That's where padding is going to help: when grabbing a bunch of texts, we determine the one with the greatest length, then we fill the ones that are shorter with a special token called xxpad
. To avoid extreme cases where we have a text with 2,000 tokens in the same batch as a text with 10 tokens (so a lot of padding, and a lot of wasted computation), we alter the randomness by making sure texts of comparable size are put together. The texts will still be in a somewhat random order for the training set (for the validation set we can simply sort them by order of length), but not completely so.
This is done automatically behind the scenes by the fastai library when creating our DataLoaders
.
Tabular
Finally, let's take a look at fastai.tabular
models. (We don't need to look at collaborative filtering separately, since we've already seen that these models are just tabular models, or use the dot product approach, which we've implemented earlier from scratch.)
Here is the forward
method for TabularModel
:
if self.n_emb != 0:
x = [e(x_cat[:,i]) for i,e in enumerate(self.embeds)]
x = torch.cat(x, 1)
x = self.emb_drop(x)
if self.n_cont != 0:
x_cont = self.bn_cont(x_cont)
x = torch.cat([x, x_cont], 1) if self.n_emb != 0 else x_cont
return self.layers(x)
We won't show __init__
here, since it's not that interesting, but we will look at each line of code in forward
in turn. The first line:
if self.n_emb != 0:
is just testing whether there are any embeddings to deal with—we can skip this section if we only have continuous variables. self.embeds
contains the embedding matrices, so this gets the activations of each:
x = [e(x_cat[:,i]) for i,e in enumerate(self.embeds)]
and concatenates them into a single tensor:
x = torch.cat(x, 1)
Then dropout is applied. You can pass embd_p
to __init__
to change this value:
x = self.emb_drop(x)
Now we test whether there are any continuous variables to deal with:
if self.n_cont != 0:
They are passed through a batchnorm layer:
x_cont = self.bn_cont(x_cont)
and concatenated with the embedding activations, if there were any:
x = torch.cat([x, x_cont], 1) if self.n_emb != 0 else x_cont
Finally, this is passed through the linear layers (each of which includes batchnorm, if use_bn
is True
, and dropout, if ps
is set to some value or list of values):
return self.layers(x)
Congratulations! Now you know every single piece of the architectures used in the fastai library!
Wrapping Up Architectures
As you can see, the details of deep learning architectures need not scare you now. You can look inside the code of fastai and PyTorch and see just what is going on. More importantly, try to understand why it's going on. Take a look at the papers that are being referenced in the code, and try to see how the code matches up to the algorithms that are described.
Now that we have investigated all of the pieces of a model and the data that is passed into it, we can consider what this means for practical deep learning. If you have unlimited data, unlimited memory, and unlimited time, then the advice is easy: train a huge model on all of your data for a really long time. But the reason that deep learning is not straightforward is because your data, memory, and time are typically limited. If you are running out of memory or time, then the solution is to train a smaller model. If you are not able to train for long enough to overfit, then you are not taking advantage of the capacity of your model.
So, step one is to get to the point where you can overfit. Then the question is how to reduce that overfitting. <
Many practitioners, when faced with an overfitting model, start at exactly the wrong end of this diagram. Their starting point is to use a smaller model, or more regularization. Using a smaller model should be absolutely the last step you take, unless training your model is taking up too much time or memory. Reducing the size of your model reduces the ability of your model to learn subtle relationships in your data.
Instead, your first step should be to seek to create more data. That could involve adding more labels to data that you already have, finding additional tasks that your model could be asked to solve (or, to think of it another way, identifying different kinds of labels that you could model), or creating additional synthetic data by using more or different data augmentation techniques. Thanks to the development of Mixup and similar approaches, effective data augmentation is now available for nearly all kinds of data.
Once you've got as much data as you think you can reasonably get hold of, and are using it as effectively as possible by taking advantage of all the labels that you can find and doing all the augmentation that makes sense, if you are still overfitting you should think about using more generalizable architectures. For instance, adding batch normalization may improve generalization.
If you are still overfitting after doing the best you can at using your data and tuning your architecture, then you can take a look at regularization. Generally speaking, adding dropout to the last layer or two will do a good job of regularizing your model. However, as we learned from the story of the development of AWD-LSTM, it is often the case that adding dropout of different types throughout your model can help even more. Generally speaking, a larger model with more regularization is more flexible, and can therefore be more accurate than a smaller model with less regularization.
Only after considering all of these options would we recommend that you try using a smaller version of your architecture.
Questionnaire
- What is the "head" of a neural net?
- What is the "body" of a neural net?
- What is "cutting" a neural net? Why do we need to do this for transfer learning?
- What is
model_meta
? Try printing it to see what's inside. - Read the source code for
create_head
and make sure you understand what each line does. - Look at the output of
create_head
and make sure you understand why each layer is there, and how thecreate_head
source created it. - Figure out how to change the dropout, layer size, and number of layers created by
vision_learner
, and see if you can find values that result in better accuracy from the pet recognizer. - What does
AdaptiveConcatPool2d
do? - What is "nearest neighbor interpolation"? How can it be used to upsample convolutional activations?
- What is a "transposed convolution"? What is another name for it?
- Create a conv layer with
transpose=True
and apply it to an image. Check the output shape. - Draw the U-Net architecture.
- What is "BPTT for Text Classification" (BPT3C)?
- How do we handle different length sequences in BPT3C?
- Try to run each line of
TabularModel.forward
separately, one line per cell, in a notebook, and look at the input and output shapes at each step. - How is
self.layers
defined inTabularModel
? - What are the five steps for preventing over-fitting?
- Why don't we reduce architecture complexity before trying other approaches to preventing overfitting?
Further Research
- Write your own custom head and try training the pet recognizer with it. See if you can get a better result than fastai's default.
- Try switching between
AdaptiveConcatPool2d
andAdaptiveAvgPool2d
in a CNN head and see what difference it makes. - Write your own custom splitter to create a separate parameter group for every ResNet block, and a separate group for the stem. Try training with it, and see if it improves the pet recognizer.
- Read the online chapter about generative image models, and create your own colorizer, super-resolution model, or style transfer model.
- Create a custom head using nearest neighbor interpolation and use it to do segmentation on CamVid.
![](https://bohrium.oss-cn-zhangjiakou.aliyuncs.com/article/16948/ee7047342b754ffbba491afa925cdc6b/d0797800-9e09-4fba-98df-61602d0f387b.png?x-oss-process=image/resize,w_100,m_lfit)
![](https://cdn1.deepmd.net/bohrium/web/static/images/level-v2-3.png?x-oss-process=image/resize,w_50,m_lfit)
![](https://bohrium.oss-cn-zhangjiakou.aliyuncs.com/article/157/84b2e7053c664b359ff064e0ca9506ec/977d841e-f1b1-4c4f-a701-4106919b62c3.png?x-oss-process=image/resize,w_100,m_lfit)
![](https://cdn1.deepmd.net/bohrium/web/static/images/level-v2-2.png?x-oss-process=image/resize,w_50,m_lfit)