
在pytorch中,runtimeerror: one of the variables needed for gradient computation has been modified by an inplace operation是一个常见的错误,尤其在使用autograd进行复杂模型训练时。这个错误表明在进行反向传播(梯度计算)时,某个变量在计算图中被“原地”(inplace)修改了,导致pytorch无法正确地计算其梯度,因为它需要该变量的原始状态。
对于生成对抗网络(GANs)这类包含多个相互作用网络的模型,这种错误尤为常见。GANs的训练涉及到生成器(Generator, G)和判别器(Discriminator, D)的交替优化。判别器试图区分真实样本和生成器生成的假样本,而生成器则试图生成足以欺骗判别器的假样本。这意味着判别器在训练时需要依赖生成器的输出,但其梯度不应回传到生成器。
原始代码中,loss_nonsaturating函数同时计算了判别器损失d_loss和生成器损失g_loss。
def loss_nonsaturating(d, g, x_real, *, device):
z = torch.randn(x_real.shape[0], g.z_dim, device=device)
gz = g(z) # 生成器输出的假样本
dgz = F.sigmoid(d(gz)) # 判别器对假样本的判断
dx = d(x_real) # 判别器对真实样本的判断
real_label = torch.ones(x_real.shape[0], device=device)
fake_label = torch.zeros(x_real.shape[0], device=device)
bce_loss = F.binary_cross_entropy_with_logits
g_loss = bce_loss(dgz, real_label).mean() # 生成器损失依赖dgz
d_loss = bce_loss(dx, real_label).mean() + bce_loss(dgz, fake_label).mean() # 判别器损失也依赖dgz
return d_loss, g_loss然后在训练循环中,先对d_loss进行反向传播,再对g_loss进行反向传播:
d_optimizer.zero_grad() d_loss.backward(retain_graph=True) # 判别器反向传播,保留计算图 d_optimizer.step() g_optimizer.zero_grad() g_loss.backward() # 生成器反向传播 g_optimizer.step()
问题出在d_loss和g_loss都依赖于d(gz),而d(gz)又依赖于g(z)。当d_loss.backward(retain_graph=True)执行时,它会计算判别器参数的梯度,并可能对计算图中的某些中间变量进行操作(例如,释放内存或修改状态)。尽管retain_graph=True参数试图保留计算图以供后续使用,但如果后续的g_loss.backward()尝试访问已被修改或释放的中间变量,就会触发inplace操作错误。在这种情况下,错误提示[torch.FloatTensor [512, 1]], which is output 0 of AsStridedBackward0, is at version 2; expected version 1 instead明确指出某个张量在期望版本1时,已被修改为版本2,导致梯度计算失败。
解决此问题的核心在于明确区分生成器和判别器的梯度流。判别器在训练时需要看到生成器生成的假样本,但其优化过程不应影响生成器的参数。这意味着在计算判别器关于假样本的损失时,需要切断生成器输出的梯度流。PyTorch提供了tensor.detach()方法来完成这一任务。
tensor.detach()会创建一个新的张量,它与原张量共享底层数据,但不再是计算图的一部分。这意味着对这个新张量的任何操作都不会记录在计算图中,也不会触发梯度回传到原张量。
在GAN训练中,当判别器处理生成器输出的假样本时,我们希望判别器能够学习区分这些假样本,但我们不希望判别器的梯度回传到生成器。因此,应该在将生成器输出的假样本传递给判别器之前,对其调用.detach()。
以下是修正后的训练循环,展示了如何正确使用detach()来分离生成器和判别器的梯度流:
import torch
import torch.nn as nn
import torch.nn.functional as F
from tqdm import tqdm
# 假设 Reshape, Generator, Discriminator 类已定义如原问题所示
# 这里仅为示例,省略具体实现细节
class Reshape(torch.nn.Module):
def __init__(self, *shape):
super().__init__()
self.shape = shape
def forward(self, x):
return x.reshape(x.size(0), *self.shape)
class Generator(torch.nn.Module):
def __init__(self, z_dim=64, num_channels=1):
super().__init__()
self.z_dim = z_dim
self.net = nn.Sequential(
nn.Linear(z_dim, 512),
nn.BatchNorm1d(512),
nn.ReLU(),
nn.Linear(512, 64 * 7 * 7),
nn.BatchNorm1d(64 * 7 * 7),
nn.ReLU(),
Reshape(64, 7, 7),
nn.PixelShuffle(2),
nn.Conv2d(in_channels=16, out_channels=32, kernel_size=3, padding=1),
nn.BatchNorm2d(32),
nn.ReLU(),
nn.PixelShuffle(2),
nn.Conv2d(in_channels=8, out_channels=1, kernel_size=3, padding=1)
)
def forward(self, z):
return self.net(z)
class Discriminator(torch.nn.Module):
def __init__(self, num_channels=1):
super().__init__()
self.net = nn.Sequential(
nn.Conv2d(in_channels=1, out_channels=32, kernel_size=4, padding=1, stride=2),
nn.ReLU(),
nn.Conv2d(in_channels=32, out_channels=64, kernel_size=4, padding=1, stride=2),
nn.ReLU(),
Reshape(64*7*7),
nn.Linear(64*7*7, 512),
nn.ReLU(),
nn.Linear(512, 1),
Reshape() # Output a scalar
)
def forward(self, x):
return self.net(x)
# 辅助函数,模拟数据加载
def build_input(x, y, device):
x_real = x.to(device)
y_real = y.to(device)
return x_real, y_real
# 模拟训练数据加载器
class DummyDataLoader:
def __init__(self, num_batches, batch_size, image_size, num_channels):
self.num_batches = num_batches
self.batch_size = batch_size
self.image_size = image_size
self.num_channels = num_channels
def __iter__(self):
for _ in range(self.num_batches):
x = torch.randn(self.batch_size, self.num_channels, self.image_size, self.image_size)
y = torch.randint(0, 10, (self.batch_size,)) # Dummy labels
yield x, y
def __len__(self):
return self.num_batches
# 模拟训练设置
num_latents = 64
device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')
g = Generator(z_dim=num_latents).to(device)
d = Discriminator().to(device)
g_optimizer = torch.optim.Adam(g.parameters(), lr=1e-3)
d_optimizer = torch.optim.Adam(d.parameters(), lr=1e-3)
iter_max = 1000
batch_size = 64
image_size = 28
num_channels = 1
train_loader = DummyDataLoader(iter_max, batch_size, image_size, num_channels)
# 修正后的训练循环
with tqdm(total=int(iter_max)) as pbar:
for idx, (x, y) in enumerate(train_loader):
x_real, y_real = build_input(x, y, device)
# --------------------- 训练判别器 ---------------------
d_optimizer.zero_grad()
# 判别器处理真实样本
real_output = d(x_real)
real_label = torch.ones(x_real.shape[0], 1, device=device) # 确保标签维度匹配判别器输出
d_loss_real = F.binary_cross_entropy_with_logits(real_output, real_label).mean()
# 生成假样本并分离计算图
z = torch.randn(x_real.shape[0], g.z_dim, device=device)
with torch.no_grad(): # 在生成假样本时,可以暂时禁用梯度计算,但detach更常用且灵活
fake_samples = g(z).detach() # 关键步骤:分离生成器输出的计算图
# 判别器处理假样本
fake_output = d(fake_samples)
fake_label = torch.zeros(x_real.shape[0], 1, device=device) # 确保标签维度匹配判别器输出
d_loss_fake = F.binary_cross_entropy_with_logits(fake_output, fake_label).mean()
# 总判别器损失
d_loss = d_loss_real + d_loss_fake
d_loss.backward()
d_optimizer.step()
# --------------------- 训练生成器 ---------------------
g_optimizer.zero_grad()
# 重新生成假样本(这次不分离,因为需要梯度回传到生成器)
z = torch.randn(x_real.shape[0], g.z_dim, device=device)
gen_samples = g(z)
# 判别器对新生成的假样本的判断
gen_output = d(gen_samples)
# 生成器希望判别器将假样本判为真
g_loss = F.binary_cross_entropy_with_logits(gen_output, real_label).mean()
g_loss.backward()
g_optimizer.step()
pbar.set_description(f"D_loss: {d_loss.item():.4f}, G_loss: {g_loss.item():.4f}")
pbar.update(1)
print("训练完成!")在上述修正代码中:
通过这种方式,生成器和判别器的梯度计算过程被清晰地隔离,避免了因共享计算图而导致的inplace操作错误。同时,也不再需要retain_graph=True,因为每个网络的梯度计算都在独立的计算路径上完成。
通过正确理解并应用tensor.detach()来管理GANs训练中的梯度流,可以有效避免inplace操作错误,确保模型能够稳定且高效地学习。这种技术不仅适用于GANs,也适用于任何需要隔离子网络梯度计算的多网络训练场景。
以上就是解决PyTorch GAN训练中的梯度计算错误:inplace操作与计算图分离的详细内容,更多请关注php中文网其它相关文章!
每个人都需要一台速度更快、更稳定的 PC。随着时间的推移,垃圾文件、旧注册表数据和不必要的后台进程会占用资源并降低性能。幸运的是,许多工具可以让 Windows 保持平稳运行。
Copyright 2014-2025 https://www.php.cn/ All Rights Reserved | php.cn | 湘ICP备2023035733号