Oct 14, 2020 · Questions & Help Hi @rusty1s, I wrote a GNN model by pytorch geometric to do the link prediction which refers to this example. The forward part of the model is showed below. I tried to use GNNExplainer to explain my model but got an er...
Here we propose GNNExplainer, the first general, model-agnostic approach for providing interpretable explanations for predictions of any GNN-based model on ...
Source code for torch_geometric.nn.models.gnn_explainer. from typing import Optional from math import sqrt from inspect import signature import torch from tqdm import tqdm from torch_geometric.data import Data from torch_geometric.nn import MessagePassing from torch_geometric.utils import k_hop_subgraph, to_networkx EPS = 1e-15
class Sequential (input_args: str, modules: List [Union [Tuple [Callable, str], Callable]]) [source] ¶. An extension of the torch.nn.Sequential container in order to define a sequential GNN model. Since GNN operators take in multiple input arguments, torch_geometric.nn.Sequential expects both global input arguments, and function header definitions of individual operators.
11.05.2020 · Implementing GNNExplainer In Pytorch That’s about everything we need to know before we can implement a GNNExplainer. To summarize up, we are trying to learn an edge_mask and a node_feature_mask which remove some edges and features from the computation graph while minimizing the difference in prediction score, the resultant graph is a minimal graph that …
Aug 24, 2020 · GNNExplainer Tutorial 1. Reference Paper. Ying, Zhitao and Bourgeois, Dylan and You, Jiaxuan and Zitnik, Marinka and Leskovec, Jure. "GNNExplainer: Generating Explanations for Graph Neural Networks".
May 10, 2020 · Implementing GNNExplainer In Pytorch That’s about everything we need to know before we can implement a GNNExplainer. To summarize up, we are trying to learn an edge_mask and a node_feature_mask which remove some edges and features from the computation graph while minimizing the difference in prediction score, the resultant graph is a minimal ...
NodeExplainerModule.py · Gnnexplainer (#2717), 8 months ago ... can be implemented in any major frameworks, such as PyTorch, Apache MXNet or TensorFlow.
Source code for torch_geometric.nn.models.gnn_explainer. from typing import Optional from math import sqrt from inspect import signature import torch from tqdm import tqdm from torch_geometric.data import Data from torch_geometric.nn import MessagePassing from torch_geometric.utils import k_hop_subgraph, to_networkx EPS = 1e-15
How to Explain Graph Neural Network — GNNExplainer. Step-by-step guide for a GNNExplainer for node and graph explanation implemented in PyTorch Geometric.
Contribute to OpenXAIProject/GNNExplainer-Tutorial development by creating ... based on the example provided by the official Pytorch-Geometric repository.