|
import torch |
|
import torch.nn as nn |
|
import torch.nn.functional as F |
|
from torchvision import models |
|
|
|
class InceptionV3(nn.Module): |
|
"""Pretrained InceptionV3 network returning feature maps""" |
|
|
|
|
|
|
|
DEFAULT_BLOCK_INDEX = 3 |
|
|
|
|
|
BLOCK_INDEX_BY_DIM = { |
|
64: 0, |
|
192: 1, |
|
768: 2, |
|
2048: 3 |
|
} |
|
|
|
def __init__(self, |
|
output_blocks=[DEFAULT_BLOCK_INDEX], |
|
resize_input=True, |
|
normalize_input=True, |
|
requires_grad=False, |
|
pretrained_weights='/lus/home/NAT/gda2204/mshukor/.cache/torch/hub/checkpoints/inception_v3_google-0cc3c7bd.pth'): |
|
"""Build pretrained InceptionV3 |
|
|
|
Parameters |
|
---------- |
|
output_blocks : list of int |
|
Indices of blocks to return features of. Possible values are: |
|
- 0: corresponds to output of first max pooling |
|
- 1: corresponds to output of second max pooling |
|
- 2: corresponds to output which is fed to aux classifier |
|
- 3: corresponds to output of final average pooling |
|
resize_input : bool |
|
If true, bilinearly resizes input to width and height 299 before |
|
feeding input to model. As the network without fully connected |
|
layers is fully convolutional, it should be able to handle inputs |
|
of arbitrary size, so resizing might not be strictly needed |
|
normalize_input : bool |
|
If true, normalizes the input to the statistics the pretrained |
|
Inception network expects |
|
requires_grad : bool |
|
If true, parameters of the model require gradient. Possibly useful |
|
for finetuning the network |
|
""" |
|
super(InceptionV3, self).__init__() |
|
|
|
self.resize_input = resize_input |
|
self.normalize_input = normalize_input |
|
self.output_blocks = sorted(output_blocks) |
|
self.last_needed_block = max(output_blocks) |
|
|
|
assert self.last_needed_block <= 3, \ |
|
'Last possible output block index is 3' |
|
|
|
self.blocks = nn.ModuleList() |
|
import os |
|
|
|
|
|
inception = models.inception_v3() |
|
|
|
checkpoint = torch.load(pretrained_weights) |
|
|
|
|
|
msg = inception.load_state_dict(checkpoint) |
|
print(msg) |
|
|
|
|
|
block0 = [ |
|
inception.Conv2d_1a_3x3, |
|
inception.Conv2d_2a_3x3, |
|
inception.Conv2d_2b_3x3, |
|
nn.MaxPool2d(kernel_size=3, stride=2) |
|
] |
|
self.blocks.append(nn.Sequential(*block0)) |
|
|
|
|
|
if self.last_needed_block >= 1: |
|
block1 = [ |
|
inception.Conv2d_3b_1x1, |
|
inception.Conv2d_4a_3x3, |
|
nn.MaxPool2d(kernel_size=3, stride=2) |
|
] |
|
self.blocks.append(nn.Sequential(*block1)) |
|
|
|
|
|
if self.last_needed_block >= 2: |
|
block2 = [ |
|
inception.Mixed_5b, |
|
inception.Mixed_5c, |
|
inception.Mixed_5d, |
|
inception.Mixed_6a, |
|
inception.Mixed_6b, |
|
inception.Mixed_6c, |
|
inception.Mixed_6d, |
|
inception.Mixed_6e, |
|
] |
|
self.blocks.append(nn.Sequential(*block2)) |
|
|
|
|
|
if self.last_needed_block >= 3: |
|
block3 = [ |
|
inception.Mixed_7a, |
|
inception.Mixed_7b, |
|
inception.Mixed_7c, |
|
nn.AdaptiveAvgPool2d(output_size=(1, 1)) |
|
] |
|
self.blocks.append(nn.Sequential(*block3)) |
|
|
|
for param in self.parameters(): |
|
param.requires_grad = requires_grad |
|
|
|
def forward(self, inp): |
|
"""Get Inception feature maps |
|
|
|
Parameters |
|
---------- |
|
inp : torch.autograd.Variable |
|
Input tensor of shape Bx3xHxW. Values are expected to be in |
|
range (0, 1) |
|
|
|
Returns |
|
------- |
|
List of torch.autograd.Variable, corresponding to the selected output |
|
block, sorted ascending by index |
|
""" |
|
outp = [] |
|
x = inp |
|
|
|
if self.resize_input: |
|
x = F.upsample(x, size=(299, 299), mode='bilinear', align_corners=True) |
|
|
|
if self.normalize_input: |
|
x = x.clone() |
|
x[:, 0] = x[:, 0] * (0.229 / 0.5) + (0.485 - 0.5) / 0.5 |
|
x[:, 1] = x[:, 1] * (0.224 / 0.5) + (0.456 - 0.5) / 0.5 |
|
x[:, 2] = x[:, 2] * (0.225 / 0.5) + (0.406 - 0.5) / 0.5 |
|
|
|
for idx, block in enumerate(self.blocks): |
|
x = block(x) |
|
if idx in self.output_blocks: |
|
outp.append(x) |
|
|
|
if idx == self.last_needed_block: |
|
break |
|
|
|
return outp |
|
|