gpt4 book ai didi

python - pytorch损失值不变

转载 作者:行者123 更新时间:2023-12-01 02:22:29 26 4
gpt4 key购买 nike

我根据这篇文章写了一个模块:http://www.wildml.com/2015/12/implementing-a-cnn-for-text-classification-in-tensorflow/

这个想法是将输入传递到多个流中,然后连接在一起并连接到 FC 层。我将源代码分为 3 个自定义模块: TextClassifyCnnNet >> FlatCnnLayer >> FilterLayer

过滤层:

class FilterLayer(nn.Module):
def __init__(self, filter_size, embedding_size, sequence_length, out_channels=128):
super(FilterLayer, self).__init__()

self.model = nn.Sequential(
nn.Conv2d(1, out_channels, (filter_size, embedding_size)),
nn.ReLU(inplace=True),
nn.MaxPool2d((sequence_length - filter_size + 1, 1), stride=1)
)

for m in self.modules():
if isinstance(m, nn.Conv2d):
n = m.kernel_size[0] * m.kernel_size[1] * m.out_channels
m.weight.data.normal_(0, math.sqrt(2. / n))

def forward(self, x):
return self.model(x)

FlatCnnLayer:

class FlatCnnLayer(nn.Module):
def __init__(self, embedding_size, sequence_length, filter_sizes=[3, 4, 5], out_channels=128):
super(FlatCnnLayer, self).__init__()

self.filter_layers = nn.ModuleList(
[FilterLayer(filter_size, embedding_size, sequence_length, out_channels=out_channels) for
filter_size in filter_sizes])

def forward(self, x):
pools = []
for filter_layer in self.filter_layers:
out_filter = filter_layer(x)
# reshape from (batch_size, out_channels, h, w) to (batch_size, h, w, out_channels)
pools.append(out_filter.view(out_filter.size()[0], 1, 1, -1))
x = torch.cat(pools, dim=3)

x = x.view(x.size()[0], -1)
x = F.dropout(x, p=dropout_prob, training=True)

return x

TextClassifyCnnNet(主模块):

class TextClassifyCnnNet(nn.Module):
def __init__(self, embedding_size, sequence_length, num_classes, filter_sizes=[3, 4, 5], out_channels=128):
super(TextClassifyCnnNet, self).__init__()

self.flat_layer = FlatCnnLayer(embedding_size, sequence_length, filter_sizes=filter_sizes,
out_channels=out_channels)

self.model = nn.Sequential(
self.flat_layer,
nn.Linear(out_channels * len(filter_sizes), num_classes)
)

def forward(self, x):
x = self.model(x)

return x


def fit(net, data, save_path):
if torch.cuda.is_available():
net = net.cuda()

for param in list(net.parameters()):
print(type(param.data), param.size())

optimizer = optim.Adam(net.parameters(), lr=0.01, weight_decay=0.1)

X_train, X_test = data['X_train'], data['X_test']
Y_train, Y_test = data['Y_train'], data['Y_test']

X_valid, Y_valid = data['X_valid'], data['Y_valid']

n_batch = len(X_train) // batch_size

for epoch in range(1, n_epochs + 1): # loop over the dataset multiple times
net.train()
start = 0
end = batch_size

for batch_idx in range(1, n_batch + 1):
# get the inputs
x, y = X_train[start:end], Y_train[start:end]
start = end
end = start + batch_size

# zero the parameter gradients
optimizer.zero_grad()

# forward + backward + optimize
predicts = _get_predict(net, x)
loss = _get_loss(predicts, y)
loss.backward()
optimizer.step()

if batch_idx % display_step == 0:
print('Train Epoch: {} [{}/{} ({:.0f}%)]\tLoss: {:.6f}'.format(
epoch, batch_idx * len(x), len(X_train), 100. * batch_idx / (n_batch + 1), loss.data[0]))

# print statistics
if epoch % display_step == 0 or epoch == 1:
net.eval()
valid_predicts = _get_predict(net, X_valid)
valid_loss = _get_loss(valid_predicts, Y_valid)
valid_accuracy = _get_accuracy(valid_predicts, Y_valid)
print('\r[%d] loss: %.3f - accuracy: %.2f' % (epoch, valid_loss.data[0], valid_accuracy * 100))

print('\rFinished Training\n')

net.eval()

test_predicts = _get_predict(net, X_test)
test_loss = _get_loss(test_predicts, Y_test).data[0]
test_accuracy = _get_accuracy(test_predicts, Y_test)
print('Test loss: %.3f - Test accuracy: %.2f' % (test_loss, test_accuracy * 100))

torch.save(net.flat_layer.state_dict(), save_path)


def _get_accuracy(predicts, labels):
predicts = torch.max(predicts, 1)[1].data[0]
return np.mean(predicts == labels)


def _get_predict(net, x):
# wrap them in Variable
inputs = torch.from_numpy(x).float()
# convert to cuda tensors if cuda flag is true
if torch.cuda.is_available:
inputs = inputs.cuda()
inputs = Variable(inputs)
return net(inputs)


def _get_loss(predicts, labels):
labels = torch.from_numpy(labels).long()
# convert to cuda tensors if cuda flag is true
if torch.cuda.is_available:
labels = labels.cuda()
labels = Variable(labels)
return F.cross_entropy(predicts, labels)

似乎参数只是每个时期略有更新,整个过程的准确性仍然存在。虽然在 Tensorflow 中具有相同的实现和相同的参数,但它运行正确。

我是 Pytorch 的新手,所以我的说明可能有问题,请帮我找出答案。谢谢!

P.s:我尝试使用F.nll_loss + F.log_softmax而不是F.cross_entropy。理论上应该返回相同的结果,但实际上打印出了另一个结果(但仍然是一个错误的损失值)

最佳答案

我发现在您的原始代码中,weight_decay 项设置为0.1weight_decay 用于规范网络参数。这个项可能太强以至于正则化太多。尝试减小weight_decay的值。

用于计算机视觉任务中的卷积神经网络。 weight_decay项通常设置为5e-45e-5。我对文本分类不熟悉。这些值可能适合您开箱即用,或者您必须通过反复试验稍微调整它。

请告诉我它是否适合您。

关于python - pytorch损失值不变,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/47813715/

26 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com