PyTorch 1.3 Tutorials : 画像 : Spatial Transformer ネットワーク (翻訳/解説)
翻訳 : (株)クラスキャット セールスインフォメーション
作成日時 : 12/20/2019 (1.3.1)
* 本ページは、PyTorch 1.3 Tutorials の以下のページを翻訳した上で適宜、補足説明したものです:
* サンプルコードの動作確認はしておりますが、必要な場合には適宜、追加改変しています。
* ご自由にリンクを張って頂いてかまいませんが、sales-info@classcat.com までご一報いただけると嬉しいです。
画像 : Spatial Transformer ネットワーク
このチュートリアルでは、spatial transformer ネットワークと呼ばれる視覚 attention メカニズムを使用してネットワークをどのように増強するかを学習します。DeepMind ペーパー で spatial transformer ネットワークについて更に読むことができます。
Spatial transformer ネットワークは微分可能 attention の任意の空間変換への一般化です。Spatial transformer ネットワーク (略して STN) は、ニューラルネットワークにモデルの幾何学的不変性 (= invariance) を強化させるために入力画像上でどのように空間変換を遂行するかを学習させることを可能にします。例えば、それは関心領域をクロップして、スケールしてそして画像の方向性 (= orientation) を正すことができます。それは有用なメカニズムになりえます、何故ならば CNN は回転とスケールと更に一般的なアフィン変換に対して不変ではないからです。
STN について最良なことの一つはそれを非常に少ない変更で任意の既存の CNN にそれを単純にプラグインできる機能です。
# License: BSD # Author: Ghassen Hamrouni from __future__ import print_function import torch import torch.nn as nn import torch.nn.functional as F import torch.optim as optim import torchvision from torchvision import datasets, transforms import matplotlib.pyplot as plt import numpy as np plt.ion() # interactive mode
データをロードする
この投稿では古典的な MNIST データセットで実験します。spatial transformer ネットワークで増強された標準的な畳み込みネットワークを使用します。
device = torch.device("cuda" if torch.cuda.is_available() else "cpu") # Training dataset train_loader = torch.utils.data.DataLoader( datasets.MNIST(root='.', train=True, download=True, transform=transforms.Compose([ transforms.ToTensor(), transforms.Normalize((0.1307,), (0.3081,)) ])), batch_size=64, shuffle=True, num_workers=4) # Test dataset test_loader = torch.utils.data.DataLoader( datasets.MNIST(root='.', train=False, transform=transforms.Compose([ transforms.ToTensor(), transforms.Normalize((0.1307,), (0.3081,)) ])), batch_size=64, shuffle=True, num_workers=4)
Downloading http://yann.lecun.com/exdb/mnist/train-images-idx3-ubyte.gz to ./MNIST/raw/train-images-idx3-ubyte.gz Extracting ./MNIST/raw/train-images-idx3-ubyte.gz to ./MNIST/raw Downloading http://yann.lecun.com/exdb/mnist/train-labels-idx1-ubyte.gz to ./MNIST/raw/train-labels-idx1-ubyte.gz Extracting ./MNIST/raw/train-labels-idx1-ubyte.gz to ./MNIST/raw Downloading http://yann.lecun.com/exdb/mnist/t10k-images-idx3-ubyte.gz to ./MNIST/raw/t10k-images-idx3-ubyte.gz Extracting ./MNIST/raw/t10k-images-idx3-ubyte.gz to ./MNIST/raw Downloading http://yann.lecun.com/exdb/mnist/t10k-labels-idx1-ubyte.gz to ./MNIST/raw/t10k-labels-idx1-ubyte.gz Extracting ./MNIST/raw/t10k-labels-idx1-ubyte.gz to ./MNIST/raw Processing... Done!
spatial transformer ネットワークを描写する
Spatial transformer ネットワークは 3 つの主要なコンポーネントに要約されます :
- localization ネットワークは通常の CNN で変換パラメータを回帰します。変換はこのデータセットからは決して明示的に学習されず、代わりにネットワークは global 精度を高める空間変換を自動的に学習します。
- グリッド generator は出力画像からの各ピクセルに対応する、入力画像内の座標のグリッドを生成します。
- サンプラーは変換のパラメータを使用してそれを入力画像に適用します。
Note: affine_grid と grid_sample モジュールを含む PyTorch の最新版が必要です。
class Net(nn.Module): def __init__(self): super(Net, self).__init__() self.conv1 = nn.Conv2d(1, 10, kernel_size=5) self.conv2 = nn.Conv2d(10, 20, kernel_size=5) self.conv2_drop = nn.Dropout2d() self.fc1 = nn.Linear(320, 50) self.fc2 = nn.Linear(50, 10) # Spatial transformer localization-network self.localization = nn.Sequential( nn.Conv2d(1, 8, kernel_size=7), nn.MaxPool2d(2, stride=2), nn.ReLU(True), nn.Conv2d(8, 10, kernel_size=5), nn.MaxPool2d(2, stride=2), nn.ReLU(True) ) # Regressor for the 3 * 2 affine matrix self.fc_loc = nn.Sequential( nn.Linear(10 * 3 * 3, 32), nn.ReLU(True), nn.Linear(32, 3 * 2) ) # Initialize the weights/bias with identity transformation self.fc_loc[2].weight.data.zero_() self.fc_loc[2].bias.data.copy_(torch.tensor([1, 0, 0, 0, 1, 0], dtype=torch.float)) # Spatial transformer network forward function def stn(self, x): xs = self.localization(x) xs = xs.view(-1, 10 * 3 * 3) theta = self.fc_loc(xs) theta = theta.view(-1, 2, 3) grid = F.affine_grid(theta, x.size()) x = F.grid_sample(x, grid) return x def forward(self, x): # transform the input x = self.stn(x) # Perform the usual forward pass x = F.relu(F.max_pool2d(self.conv1(x), 2)) x = F.relu(F.max_pool2d(self.conv2_drop(self.conv2(x)), 2)) x = x.view(-1, 320) x = F.relu(self.fc1(x)) x = F.dropout(x, training=self.training) x = self.fc2(x) return F.log_softmax(x, dim=1) model = Net().to(device)
モデルを訓練する
さて、モデルを訓練するために SGD アルゴリズムを使用しましょう。ネットワークは教師ありの方法で分類タスクを学習します。同時にモデルは STN を end-to-end 流儀で自動的に学習しています。
optimizer = optim.SGD(model.parameters(), lr=0.01) def train(epoch): model.train() for batch_idx, (data, target) in enumerate(train_loader): data, target = data.to(device), target.to(device) optimizer.zero_grad() output = model(data) loss = F.nll_loss(output, target) loss.backward() optimizer.step() if batch_idx % 500 == 0: print('Train Epoch: {} [{}/{} ({:.0f}%)]\tLoss: {:.6f}'.format( epoch, batch_idx * len(data), len(train_loader.dataset), 100. * batch_idx / len(train_loader), loss.item())) # # A simple test procedure to measure STN the performances on MNIST. # def test(): with torch.no_grad(): model.eval() test_loss = 0 correct = 0 for data, target in test_loader: data, target = data.to(device), target.to(device) output = model(data) # sum up batch loss test_loss += F.nll_loss(output, target, size_average=False).item() # get the index of the max log-probability pred = output.max(1, keepdim=True)[1] correct += pred.eq(target.view_as(pred)).sum().item() test_loss /= len(test_loader.dataset) print('\nTest set: Average loss: {:.4f}, Accuracy: {}/{} ({:.0f}%)\n' .format(test_loss, correct, len(test_loader.dataset), 100. * correct / len(test_loader.dataset)))
STN 結果を可視化する
さて、私達の学習された視覚 attention メカニズムの結果を調査します。
訓練の間に変換を可視化するための小さいヘルパー関数を定義します。
def convert_image_np(inp): """Convert a Tensor to numpy image.""" inp = inp.numpy().transpose((1, 2, 0)) mean = np.array([0.485, 0.456, 0.406]) std = np.array([0.229, 0.224, 0.225]) inp = std * inp + mean inp = np.clip(inp, 0, 1) return inp # We want to visualize the output of the spatial transformers layer # after the training, we visualize a batch of input images and # the corresponding transformed batch using STN. def visualize_stn(): with torch.no_grad(): # Get a batch of training data data = next(iter(test_loader))[0].to(device) input_tensor = data.cpu() transformed_input_tensor = model.stn(data).cpu() in_grid = convert_image_np( torchvision.utils.make_grid(input_tensor)) out_grid = convert_image_np( torchvision.utils.make_grid(transformed_input_tensor)) # Plot the results side-by-side f, axarr = plt.subplots(1, 2) axarr[0].imshow(in_grid) axarr[0].set_title('Dataset Images') axarr[1].imshow(out_grid) axarr[1].set_title('Transformed Images') for epoch in range(1, 20 + 1): train(epoch) test() # Visualize the STN transformation on some input batch visualize_stn() plt.ioff() plt.show()
(訳注: 以下の画像は実験結果です :)
Train Epoch: 1 [0/60000 (0%)] Loss: 2.319473 Train Epoch: 1 [32000/60000 (53%)] Loss: 0.736073 Test set: Average loss: 0.2333, Accuracy: 9324/10000 (93%) Train Epoch: 2 [0/60000 (0%)] Loss: 0.536680 Train Epoch: 2 [32000/60000 (53%)] Loss: 0.324388 Test set: Average loss: 0.0932, Accuracy: 9721/10000 (97%) Train Epoch: 3 [0/60000 (0%)] Loss: 0.319580 Train Epoch: 3 [32000/60000 (53%)] Loss: 0.375492 Test set: Average loss: 0.1553, Accuracy: 9522/10000 (95%) Train Epoch: 4 [0/60000 (0%)] Loss: 0.540665 Train Epoch: 4 [32000/60000 (53%)] Loss: 0.192823 Test set: Average loss: 0.0621, Accuracy: 9814/10000 (98%) Train Epoch: 5 [0/60000 (0%)] Loss: 0.133625 Train Epoch: 5 [32000/60000 (53%)] Loss: 0.120334 Test set: Average loss: 0.1226, Accuracy: 9623/10000 (96%) Train Epoch: 6 [0/60000 (0%)] Loss: 0.461652 Train Epoch: 6 [32000/60000 (53%)] Loss: 0.120101 Test set: Average loss: 0.0675, Accuracy: 9802/10000 (98%) Train Epoch: 7 [0/60000 (0%)] Loss: 0.123874 Train Epoch: 7 [32000/60000 (53%)] Loss: 0.359884 Test set: Average loss: 0.0467, Accuracy: 9862/10000 (99%) Train Epoch: 8 [0/60000 (0%)] Loss: 0.213702 Train Epoch: 8 [32000/60000 (53%)] Loss: 0.229965 Test set: Average loss: 0.0498, Accuracy: 9838/10000 (98%) Train Epoch: 9 [0/60000 (0%)] Loss: 0.166838 Train Epoch: 9 [32000/60000 (53%)] Loss: 0.144439 Test set: Average loss: 0.0454, Accuracy: 9862/10000 (99%)
以上