一种是采用 apply
函数,另一种是遍历 modules.
利用 apply 方法(来自 pytorch 框架)
def weights_init(m):
classname = m.__class__.__name__
if classname.find('Conv1d') != -1:
m.weight.data.normal_(0.0, 0.02)
if m.bias is not None:
m.bias.data.fill_(0)
elif classname.find('Conv2d') != -1:
m.weight.data.normal_(0.0, 0.02)
if m.bias is not None:
m.bias.data.fill_(0)
elif classname.find('BatchNorm') != -1:
m.weight.data.normal_(1.0, 0.02)
m.bias.data.fill_(0)
model = Model()
model.apply(weights_init)
利用遍历
结合 python 的 isinstance
函数(该函数和 type
函数类似),来判断算子是哪个算子(类)
class Model(nn.Module):
def __init__(self, in_dim, n_hidden_1, n_hidden_2, out_dim):
super().__init__()
self.layer = nn.Sequential(
nn.Linear(in_dim, n_hidden_1),
nn.ReLU(True),
nn.Linear(n_hidden_1, n_hidden_2),
nn.ReLU(True),
nn.Linear(n_hidden_2, out_dim),
nn.Softmax(dim=1)
)
# init weights
for m in self.modules():
if isinstance(m, nn.Conv2d):
nn.init.kaiming_normal_(m.weight, mode='fan_out', nonlinearity='relu')
elif isinstance(m, (nn.BatchNorm2d, nn.GroupNorm)):
nn.init.constant_(m.weight, 1)
nn.init.constant_(m.bias, 0)
def forward(self, x):
x = self.layer(x)
return x
由于模型参数初始化的随机性、样本输入模型进行训练的训练的随机性以及随机数产生过程的随机性等,使得每次模型训练得到的效果可能都不同。那么这样来对比不同模型的性能就非常不合理。为了公平起见,往往需要设置相同的随机种子,采用相同的模型初始化方法,来对比不同模型的效果。
所以,在设计模型,对比改进模型和改进之前的效果差异的时候,同样需要这样做。这样才能看到引入的一些操作是否有效。 下面是一种固定随机种子的方法:
def setup_seed(seed):
torch.manual_seed(seed)
torch.cuda.manual_seed_all(seed)
np.random.seed(seed)
random.seed(seed)
torch.backends.cudnn.deterministic = True