繁体   English   中英

Keras 的 BatchNormalization 和 PyTorch 的 BatchNorm2d 的区别?

[英]Difference between Keras' BatchNormalization and PyTorch's BatchNorm2d?

我有一个在 Keras 和 PyTorch 中实现的示例微型 CNN。 当我打印两个网络的摘要时,可训练参数的总数相同但参数总数和批量标准化的参数数量不匹配。

这是 Keras 中的 CNN 实现:

inputs = Input(shape = (64, 64, 1)). # Channel Last: (NHWC)

model = Conv2D(filters=32, kernel_size=(3, 3), padding='SAME', activation='relu', input_shape=(IMG_SIZE, IMG_SIZE, 1))(inputs)
model = BatchNormalization(momentum=0.15, axis=-1)(model)
model = Flatten()(model)

dense = Dense(100, activation = "relu")(model)
head_root = Dense(10, activation = 'softmax')(dense)

为上述模型打印的摘要是:

Model: "model_8"
_________________________________________________________________
Layer (type)                 Output Shape              Param #   
=================================================================
input_9 (InputLayer)         (None, 64, 64, 1)         0         
_________________________________________________________________
conv2d_10 (Conv2D)           (None, 64, 64, 32)        320       
_________________________________________________________________
batch_normalization_2 (Batch (None, 64, 64, 32)        128       
_________________________________________________________________
flatten_3 (Flatten)          (None, 131072)            0         
_________________________________________________________________
dense_11 (Dense)             (None, 100)               13107300  
_________________________________________________________________
dense_12 (Dense)             (None, 10)                1010      
=================================================================
Total params: 13,108,758
Trainable params: 13,108,694
Non-trainable params: 64
_________________________________________________________________

以下是 PyTorch 中相同模型架构的实现:

# Image format: Channel first (NCHW) in PyTorch
class CustomModel(nn.Module):
def __init__(self):
    super(CustomModel, self).__init__()
    self.layer1 = nn.Sequential(
        nn.Conv2d(in_channels=1, out_channels=32, kernel_size=(3, 3), padding=1),
        nn.ReLU(True),
        nn.BatchNorm2d(num_features=32),
    )
    self.flatten = nn.Flatten()
    self.fc1 = nn.Linear(in_features=131072, out_features=100)
    self.fc2 = nn.Linear(in_features=100, out_features=10)

def forward(self, x):
    output = self.layer1(x)
    output = self.flatten(output)
    output = self.fc1(output)
    output = self.fc2(output)
    return output

以下是上述模型的摘要输出:

----------------------------------------------------------------
        Layer (type)               Output Shape         Param #
================================================================
            Conv2d-1           [-1, 32, 64, 64]             320
              ReLU-2           [-1, 32, 64, 64]               0
       BatchNorm2d-3           [-1, 32, 64, 64]              64
           Flatten-4               [-1, 131072]               0
            Linear-5                  [-1, 100]      13,107,300
            Linear-6                   [-1, 10]           1,010
================================================================
Total params: 13,108,694
Trainable params: 13,108,694
Non-trainable params: 0
----------------------------------------------------------------
Input size (MB): 0.02
Forward/backward pass size (MB): 4.00
Params size (MB): 50.01
Estimated Total Size (MB): 54.02
----------------------------------------------------------------

正如您在上面的结果中看到的,Keras 中的 Batch Normalization 比 PyTorch 具有更多的参数(准确地说是 2 倍)。 那么上面的CNN架构有什么不同呢? 如果它们是等效的,那么我在这里缺少什么?

Keras 将许多将在层中“保存/加载”的内容视为参数(权重)。

虽然这两种实现自然具有批次的累积“均值”和“方差”,但这些值无法通过反向传播进行训练。

尽管如此,这些值每批次都会更新,Keras 将它们视为不可训练的权重,而 PyTorch 只是将它们隐藏起来。 这里的术语“不可训练”是指“不可通过反向传播训练”,但并不意味着值被冻结。

总的来说,它们是BatchNormalization层的 4 组“权重”。 考虑选定的轴(默认 = -1,层大小 = 32)

  • scale (32) - 可训练
  • offset (32) - 可训练
  • accumulated means (32) - 不可训练,但每批次更新
  • accumulated std (32) - 不可训练,但每批次更新

在 Keras 中这样做的好处是,当您保存图层时,您还可以像自动保存图层中的所有其他权重一样保存均值和方差值。 当您加载图层时,这些权重会一起加载。

暂无
暂无

声明:本站的技术帖子网页,遵循CC BY-SA 4.0协议,如果您需要转载,请注明本站网址或者原文地址。任何问题请咨询:yoyou2525@163.com.

 
粤ICP备18138465号  © 2020-2024 STACKOOM.COM