图神经网络回归

问题描述 投票:0回答:2

我正在尝试在图神经网络上实现回归。我看到的大多数例子都是这个领域的分类例子,到目前为止还没有回归的例子。我看到一个分类如下: 从 torch_geometric.nn 导入 GCNConv

class GCN(torch.nn.Module):
def __init__(self, hidden_channels):
    super(GCN, self).__init__()
    torch.manual_seed(12345)
    self.conv1 = GCNConv(dataset.num_features, hidden_channels)
    self.conv2 = GCNConv(hidden_channels, dataset.num_classes)

def forward(self, x, edge_index):
    x = self.conv1(x, edge_index)
    x = x.relu()
    x = F.dropout(x, p=0.5, training=self.training)
    x = self.conv2(x, edge_index)
    return x

model = GCN(hidden_channels=16)
print(model)

我正在尝试根据我的任务修改它,基本上包括在具有 30 个节点的网络上执行回归,每个节点有 3 个特征,边缘有一个特征。

如果有人能给我提供同样的示例,那将非常有帮助。

python graph neural-network pytorch
2个回答
2
投票

添加线性层,并且不要忘记使用回归损失函数

class GCN(torch.nn.Module):
    def __init__(self, hidden_channels):
        super(GCN, self).__init__()
        torch.manual_seed(12345)
        self.conv1 = GCNConv(dataset.num_features, hidden_channels)
        self.conv2 = GCNConv(hidden_channels, dataset.num_classes)
        self.linear1 = torch.nn.Linear(100,1)
    def forward(self, x, edge_index):
        x = self.conv1(x, edge_index)
        x = x.relu()
        x = F.dropout(x, p=0.5, training=self.training)
        x = self.conv2(x, edge_index)
        x = self.linear1(x)
        return x

0
投票

我还尝试在图神经网络上实现节点回归,数据集由许多图组成。我可以问你更多问题来解决我的问题吗?

© www.soinside.com 2019 - 2024. All rights reserved.