gpt4 book ai didi

python - 如何修改 PyTorch 中的预训练 Torchvision 模型以返回两个输出以进行多标签图像分类

转载 作者:太空宇宙 更新时间:2023-11-03 23:57:37 34 4
gpt4 key购买 nike

输入:一组十个“元音”,一组十个“辅音”,图像数据集,其中每个图像中都写有一个元音和一个辅音。

任务:从给定图像中识别元音和辅音。

方法:首先在图像上应用 CNN 隐藏层,然后应用两个平行的全连接/密集层,其中一个对图像中的元音进行分类,另一个对图像中的辅音进行分类。

问题:我正在使用像 VGG 或 GoogleNet 这样的预训练模型。如何修改该预训练模型以应用两个平行的密集层并返回两个输出。

我尝试了两种不同的模型,但我的疑问是我们可以为此任务修改预训练模型。

现在我的模型只有一个“fc”层。我修改了最终“fc”层中的神经元数量,像这样

final_in_features = googlenet.fc.in_features

googlenet.fc = nn.Linear(final_in_features, 10)

但我需要再添加一个 fc 层,以便两个“fc”层都与隐藏层平行连接。

现在模型只返回一个输出。

outputs1 = googlenet(inputs)

任务是从两个“fc”层返回两个输出,所以它应该是这样的

outputs1, outputs2 = googlenet(inputs)

最佳答案

这是 Pytorch 中线性层的来源:

class Linear(Module):
r"""Applies a linear transformation to the incoming data: :math:`y = xA^T + b`

Args:
in_features: size of each input sample
out_features: size of each output sample
bias: If set to ``False``, the layer will not learn an additive bias.
Default: ``True``

Shape:
- Input: :math:`(N, *, H_{in})` where :math:`*` means any number of
additional dimensions and :math:`H_{in} = \text{in\_features}`
- Output: :math:`(N, *, H_{out})` where all but the last dimension
are the same shape as the input and :math:`H_{out} = \text{out\_features}`.

Attributes:
weight: the learnable weights of the module of shape
:math:`(\text{out\_features}, \text{in\_features})`. The values are
initialized from :math:`\mathcal{U}(-\sqrt{k}, \sqrt{k})`, where
:math:`k = \frac{1}{\text{in\_features}}`
bias: the learnable bias of the module of shape :math:`(\text{out\_features})`.
If :attr:`bias` is ``True``, the values are initialized from
:math:`\mathcal{U}(-\sqrt{k}, \sqrt{k})` where
:math:`k = \frac{1}{\text{in\_features}}`

Examples::

>>> m = nn.Linear(20, 30)
>>> input = torch.randn(128, 20)
>>> output = m(input)
>>> print(output.size())
torch.Size([128, 30])
"""
__constants__ = ['bias']

def __init__(self, in_features, out_features, bias=True):
super(Linear, self).__init__()
self.in_features = in_features
self.out_features = out_features
self.weight = Parameter(torch.Tensor(out_features, in_features))
if bias:
self.bias = Parameter(torch.Tensor(out_features))
else:
self.register_parameter('bias', None)
self.reset_parameters()

def reset_parameters(self):
init.kaiming_uniform_(self.weight, a=math.sqrt(5))
if self.bias is not None:
fan_in, _ = init._calculate_fan_in_and_fan_out(self.weight)
bound = 1 / math.sqrt(fan_in)
init.uniform_(self.bias, -bound, bound)

@weak_script_method
def forward(self, input):
return F.linear(input, self.weight, self.bias)

def extra_repr(self):
return 'in_features={}, out_features={}, bias={}'.format(
self.in_features, self.out_features, self.bias is not None
)

您可以像这样创建一个 DoubleLinear 类:

class DoubleLinear(Module):
def __init__(self, Linear1, Linear2):
self.Linear1 = Linear1
self.Linear2 = Linear2
@weak_script_method
def forward(self, input):
return self.Linear1(input), self.Linear2(input)

然后,创建两个线性层:

Linear_vow = nn.Linear(final_in_features, 10)
Linear_con = nn.Linear(final_in_features, 10)
final_layer = DoubleLinear(Linear_vow, Linear_con)

现在 outputs1, outputs2 = final_layer(inputs) 将按预期工作。

关于python - 如何修改 PyTorch 中的预训练 Torchvision 模型以返回两个输出以进行多标签图像分类,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/56976775/

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