1.4.3
Notes
PyG 安装
安装步骤
C++/CUDA Extensions on macOS
常见问题集
PyG中基本概念
图数据类
基准数据集
Mini-batches
Data Transforms
图网络端对端例子
图网络消息传递框架
“MessagePassing” 基类
GCN层实现
边卷积层的实现
构建数据集
Creating “In Memory Datasets”
Creating “Larger” Datasets
常见问题集
Advanced Mini-Batching
Pairs of Graphs
Bipartite Graphs
相关资料
Graph Networks
PyG 的快速调研
资料
综述理解
课程内容
重点阅读
GCN,GAT,GraphSAGE框架回顾及其PyG复现
图网络综述
Introduction to Graph Neural Networks
为什么图网络会有用?
图网络 Researchers
北京智源人工智能研究院
图网络和因果推理
Package Reference
torch_geometric
torch_geometric.nn
Convolutional Layers
Dense Convolutional Layers
Normalization Layers
Global Pooling Layers
Pooling Layers
Dense Pooling Layers
Unpooling Layers
Models
DataParallel Layers
torch_geometric.data
torch_geometric.datasets
torch_geometric.transforms
torch_geometric.utils
torch_geometric.io
pytorch_geometric
Docs
»
Index
Index
_
|
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
J
|
K
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
V
|
W
|
X
_
__call__() (Data method)
(NeighborSampler method)
__cat_dim__() (Data method)
__contains__() (Data method)
__get_batches__() (NeighborSampler method)
__getitem__() (Data method)
(Dataset method)
__inc__() (Data method)
__iter__() (Data method)
__len__() (Data method)
(Dataset method)
__produce_bipartite_data_flow__() (NeighborSampler method)
__produce_subgraph__() (NeighborSampler method)
__setitem__() (Data method)
A
accuracy() (in module torch_geometric.utils)
add_remaining_self_loops() (in module torch_geometric.utils)
add_self_loops() (in module torch_geometric.utils)
AddSelfLoops (class in torch_geometric.transforms)
aggregate() (MessagePassing method)
AGNNConv (class in torch_geometric.nn.conv)
Amazon (class in torch_geometric.datasets)
apply() (Data method)
APPNP (class in torch_geometric.nn.conv)
ARGA (class in torch_geometric.nn.models)
ARGVA (class in torch_geometric.nn.models)
ARMAConv (class in torch_geometric.nn.conv)
augment_adj() (GraphUNet method)
avg_pool() (in module torch_geometric.nn.pool)
avg_pool_x() (in module torch_geometric.nn.pool)
B
barabasi_albert_graph() (in module torch_geometric.utils)
Batch (class in torch_geometric.data)
batched_negative_sampling() (in module torch_geometric.utils)
BatchNorm (class in torch_geometric.nn.norm)
BitcoinOTC (class in torch_geometric.datasets)
C
Cartesian (class in torch_geometric.transforms)
Center (class in torch_geometric.transforms)
CGConv (class in torch_geometric.nn.conv)
ChebConv (class in torch_geometric.nn.conv)
CitationFull (class in torch_geometric.datasets)
ClusterData (class in torch_geometric.data)
ClusterLoader (class in torch_geometric.data)
coalesce() (Data method)
Coauthor (class in torch_geometric.datasets)
collate() (InMemoryDataset method)
CoMA (class in torch_geometric.datasets)
Compose (class in torch_geometric.transforms)
compute_edge_score_sigmoid() (EdgePooling static method)
compute_edge_score_softmax() (EdgePooling static method)
compute_edge_score_tanh() (EdgePooling static method)
Constant (class in torch_geometric.transforms)
contains_isolated_nodes() (Data method)
(in module torch_geometric.utils)
contains_self_loops() (Data method)
(in module torch_geometric.utils)
contiguous() (Data method)
CoraFull (class in torch_geometric.datasets)
create_spectral_features() (SignedGCN method)
D
Data (class in torch_geometric.data)
DataListLoader (class in torch_geometric.data)
DataLoader (class in torch_geometric.data)
DataParallel (class in torch_geometric.nn.data_parallel)
Dataset (class in torch_geometric.data)
DBP15K (class in torch_geometric.datasets)
debug (class in torch_geometric.debug)
decode() (GAE method)
DeepGraphInfomax (class in torch_geometric.nn.models)
degree() (in module torch_geometric.utils)
Delaunay (class in torch_geometric.transforms)
dense_diff_pool() (in module torch_geometric.nn.dense.diff_pool)
dense_mincut_pool() (in module torch_geometric.nn.dense.mincut_pool)
dense_to_sparse() (in module torch_geometric.utils)
DenseDataLoader (class in torch_geometric.data)
DenseGCNConv (class in torch_geometric.nn.dense.dense_gcn_conv)
DenseGINConv (class in torch_geometric.nn.dense.dense_gin_conv)
DenseGraphConv (class in torch_geometric.nn.dense.dense_graph_conv)
DenseSAGEConv (class in torch_geometric.nn.dense.dense_sage_conv)
diffusion_matrix_approx() (GDC method)
diffusion_matrix_exact() (GDC method)
discriminate() (DeepGraphInfomax method)
(SignedGCN method)
discriminator_loss() (ARGA method)
Distance (class in torch_geometric.transforms)
DNAConv (class in torch_geometric.nn.conv)
download() (Dataset method)
(InMemoryDataset method)
download_url() (in module torch_geometric.data)
dropout_adj() (in module torch_geometric.utils)
DynamicEdgeConv (class in torch_geometric.nn.conv)
DynamicFAUST (class in torch_geometric.datasets)
E
ECConv (in module torch_geometric.nn.conv)
EdgeConv (class in torch_geometric.nn.conv)
EdgePooling (class in torch_geometric.nn.pool)
encode() (ARGVA method)
(GAE method)
(VGAE method)
Entities (class in torch_geometric.datasets)
erdos_renyi_graph() (in module torch_geometric.utils)
extract_tar() (in module torch_geometric.data)
extract_zip() (in module torch_geometric.data)
F
f1_score() (in module torch_geometric.utils)
FaceToEdge (class in torch_geometric.transforms)
false_negative() (in module torch_geometric.utils)
false_positive() (in module torch_geometric.utils)
FAUST (class in torch_geometric.datasets)
FeaStConv (class in torch_geometric.nn.conv)
FixedPoints (class in torch_geometric.transforms)
forward() (AGNNConv method)
(APPNP method)
(ARMAConv method)
(BatchNorm method)
(CGConv method)
(ChebConv method)
(DataParallel method)
(DeepGraphInfomax method)
(DenseGCNConv method)
(DenseGINConv method)
(DenseGraphConv method)
(DenseSAGEConv method)
(DNAConv method)
(DynamicEdgeConv method)
(EdgeConv method)
(EdgePooling method)
(FeaStConv method)
(GATConv method)
(GatedGraphConv method)
(GCNConv method)
(GINConv method)
(GlobalAttention method)
(GMMConv method)
(GraphConv method)
(GraphSizeNorm method)
(GraphUNet method)
(HypergraphConv method)
(InnerProductDecoder method)
(InstanceNorm method)
(JumpingKnowledge method)
(MetaLayer method)
(NNConv method)
(Node2Vec method)
(PointConv method)
(PPFConv method)
(RENet method)
(RGCNConv method)
(SAGEConv method)
(SAGPooling method)
(Set2Set method)
(SGConv method)
(SignedConv method)
(SignedGCN method)
(SplineConv method)
(TAGConv method)
(TopKPooling method)
(XConv method)
forward_all() (InnerProductDecoder method)
fps() (in module torch_geometric.nn.pool)
from_data_list() (Batch static method)
from_dict() (Data class method)
from_networkx() (in module torch_geometric.utils)
from_scipy_sparse_matrix() (in module torch_geometric.utils)
from_trimesh() (in module torch_geometric.utils)
G
GAE (class in torch_geometric.nn.models)
GATConv (class in torch_geometric.nn.conv)
GatedGraphConv (class in torch_geometric.nn.conv)
GCNConv (class in torch_geometric.nn.conv)
GDC (class in torch_geometric.transforms)
GDELT (class in torch_geometric.datasets)
GEDDataset (class in torch_geometric.datasets)
GenerateMeshNormals (class in torch_geometric.transforms)
geodesic_distance() (in module torch_geometric.utils)
GeometricShapes (class in torch_geometric.datasets)
get() (Dataset method)
(InMemoryDataset method)
(TrackMLParticleTrackingDataset method)
get_laplacian() (in module torch_geometric.utils)
GINConv (class in torch_geometric.nn.conv)
global_add_pool() (in module torch_geometric.nn.glob)
global_max_pool() (in module torch_geometric.nn.glob)
global_mean_pool() (in module torch_geometric.nn.glob)
global_sort_pool() (in module torch_geometric.nn.glob)
GlobalAttention (class in torch_geometric.nn.glob)
GMMConv (class in torch_geometric.nn.conv)
graclus() (in module torch_geometric.nn.pool)
GraphConv (class in torch_geometric.nn.conv)
GraphSizeNorm (class in torch_geometric.nn.norm)
GraphUNet (class in torch_geometric.nn.models)
grid() (in module torch_geometric.utils)
GridSampling (class in torch_geometric.transforms)
H
HypergraphConv (class in torch_geometric.nn.conv)
I
ICEWS18 (class in torch_geometric.datasets)
InMemoryDataset (class in torch_geometric.data)
InnerProductDecoder (class in torch_geometric.nn.models)
InstanceNorm (class in torch_geometric.nn.norm)
intersection_and_union() (in module torch_geometric.utils)
is_coalesced() (Data method)
is_debug_enabled() (in module torch_geometric.debug)
is_directed() (Data method)
is_undirected() (Data method)
(in module torch_geometric.utils)
J
JumpingKnowledge (class in torch_geometric.nn.models)
K
KarateClub (class in torch_geometric.datasets)
keys() (Data property)
kl_loss() (ARGVA method)
(VGAE method)
knn() (in module torch_geometric.nn.pool)
knn_graph() (in module torch_geometric.nn.pool)
knn_interpolate() (in module torch_geometric.nn.unpool)
KNNGraph (class in torch_geometric.transforms)
L
LaplacianLambdaMax (class in torch_geometric.transforms)
LinearTransformation (class in torch_geometric.transforms)
LineGraph (class in torch_geometric.transforms)
LocalCartesian (class in torch_geometric.transforms)
LocalDegreeProfile (class in torch_geometric.transforms)
loss() (DeepGraphInfomax method)
(Node2Vec method)
(SignedGCN method)
M
max_pool() (in module torch_geometric.nn.pool)
max_pool_x() (in module torch_geometric.nn.pool)
mean_iou() (in module torch_geometric.utils)
message() (MessagePassing method)
message_and_aggregate() (MessagePassing method)
MessagePassing (class in torch_geometric.nn.conv.message_passing)
MetaLayer (class in torch_geometric.nn.meta)
MNISTSuperpixels (class in torch_geometric.datasets)
ModelNet (class in torch_geometric.datasets)
N
nearest() (in module torch_geometric.nn.pool)
neg_embedding_loss() (SignedGCN method)
negative_sampling() (in module torch_geometric.utils)
NeighborSampler (class in torch_geometric.data)
nll_loss() (SignedGCN method)
NNConv (class in torch_geometric.nn.conv)
Node2Vec (class in torch_geometric.nn.models)
norm() (ChebConv static method)
(GCNConv static method)
(TAGConv static method)
normalized_cut() (in module torch_geometric.utils)
NormalizeFeatures (class in torch_geometric.transforms)
NormalizeRotation (class in torch_geometric.transforms)
NormalizeScale (class in torch_geometric.transforms)
num_classes() (InMemoryDataset property)
num_edge_features() (Data property)
(Dataset property)
num_edges() (Data property)
num_faces() (Data property)
num_features() (Data property)
(Dataset property)
num_graphs() (Batch property)
num_node_features() (Data property)
(Dataset property)
num_nodes() (Data property)
O
OneHotDegree (class in torch_geometric.transforms)
P
parse_npz() (in module torch_geometric.io)
parse_sdf() (in module torch_geometric.io)
parse_txt_array() (in module torch_geometric.io)
PascalPF (class in torch_geometric.datasets)
PascalVOCKeypoints (class in torch_geometric.datasets)
PCPNetDataset (class in torch_geometric.datasets)
Planetoid (class in torch_geometric.datasets)
PointConv (class in torch_geometric.nn.conv)
PointPairFeatures (class in torch_geometric.transforms)
Polar (class in torch_geometric.transforms)
pos_embedding_loss() (SignedGCN method)
PPFConv (class in torch_geometric.nn.conv)
PPI (class in torch_geometric.datasets)
pre_transform() (RENet static method)
precision() (in module torch_geometric.utils)
process() (Dataset method)
(InMemoryDataset method)
processed_file_names() (Dataset property)
(InMemoryDataset property)
processed_paths() (Dataset property)
propagate() (MessagePassing method)
Q
QM7b (class in torch_geometric.datasets)
QM9 (class in torch_geometric.datasets)
R
radius() (in module torch_geometric.nn.pool)
radius_graph() (in module torch_geometric.nn.pool)
RadiusGraph (class in torch_geometric.transforms)
RandomFlip (class in torch_geometric.transforms)
RandomRotate (class in torch_geometric.transforms)
RandomScale (class in torch_geometric.transforms)
RandomShear (class in torch_geometric.transforms)
RandomTranslate (class in torch_geometric.transforms)
raw_file_names() (Dataset property)
(InMemoryDataset property)
raw_paths() (Dataset property)
read_npz() (in module torch_geometric.io)
read_obj() (in module torch_geometric.io)
read_off() (in module torch_geometric.io)
read_planetoid_data() (in module torch_geometric.io)
read_ply() (in module torch_geometric.io)
read_sdf() (in module torch_geometric.io)
read_tu_data() (in module torch_geometric.io)
read_txt_array() (in module torch_geometric.io)
recall() (in module torch_geometric.utils)
recon_loss() (GAE method)
Reddit (class in torch_geometric.datasets)
reg_loss() (ARGA method)
remove_isolated_nodes() (in module torch_geometric.utils)
remove_self_loops() (in module torch_geometric.utils)
RemoveIsolatedNodes (class in torch_geometric.transforms)
RENet (class in torch_geometric.nn.models)
reparametrize() (ARGVA method)
(VGAE method)
reset_parameters() (AGNNConv method)
(ARGA method)
(ARMAConv method)
(CGConv method)
(ChebConv method)
(DeepGraphInfomax method)
(DenseGCNConv method)
(DenseGINConv method)
(DenseGraphConv method)
(DenseSAGEConv method)
(DNAConv method)
(EdgeConv method)
(EdgePooling method)
(FeaStConv method)
(GAE method)
(GATConv method)
(GatedGraphConv method)
(GCNConv method)
(GINConv method)
(GlobalAttention method)
(GMMConv method)
(GraphConv method)
(GraphUNet method)
(HypergraphConv method)
(JumpingKnowledge method)
(MetaLayer method)
(NNConv method)
(Node2Vec method)
(PointConv method)
(PPFConv method)
(RENet method)
(RGCNConv method)
(SAGEConv method)
(SAGPooling method)
(Set2Set method)
(SGConv method)
(SignedConv method)
(SignedGCN method)
(SplineConv method)
(TAGConv method)
(TopKPooling method)
(XConv method)
RGCNConv (class in torch_geometric.nn.conv)
S
S3DIS (class in torch_geometric.datasets)
SAGEConv (class in torch_geometric.nn.conv)
SAGPooling (class in torch_geometric.nn.pool)
SamplePoints (class in torch_geometric.transforms)
scatter() (DataParallel method)
scatter_() (in module torch_geometric.utils)
segregate_self_loops() (in module torch_geometric.utils)
Set2Set (class in torch_geometric.nn.glob)
set_debug (class in torch_geometric.debug)
SGConv (class in torch_geometric.nn.conv)
ShapeNet (class in torch_geometric.datasets)
SHREC2016 (class in torch_geometric.datasets)
shuffle() (Dataset method)
SignedConv (class in torch_geometric.nn.conv)
SignedGCN (class in torch_geometric.nn.models)
SNAPDataset (class in torch_geometric.datasets)
softmax() (in module torch_geometric.utils)
sort_edge_index() (in module torch_geometric.utils)
sparsify_dense() (GDC method)
sparsify_sparse() (GDC method)
Spherical (class in torch_geometric.transforms)
SplineConv (class in torch_geometric.nn.conv)
split_edges() (SignedGCN method)
stochastic_blockmodel_graph() (in module torch_geometric.utils)
structured_negative_sampling() (in module torch_geometric.utils)
subgraph() (in module torch_geometric.utils)
SuiteSparseMatrixCollection (class in torch_geometric.datasets)
T
TAGConv (class in torch_geometric.nn.conv)
TargetIndegree (class in torch_geometric.transforms)
test() (DeepGraphInfomax method)
(GAE method)
(Node2Vec method)
(RENet method)
(SignedGCN method)
to() (Data method)
to_data_list() (Batch method)
to_dense_adj() (in module torch_geometric.utils)
to_dense_batch() (in module torch_geometric.utils)
to_networkx() (in module torch_geometric.utils)
to_scipy_sparse_matrix() (in module torch_geometric.utils)
to_trimesh() (in module torch_geometric.utils)
to_undirected() (in module torch_geometric.utils)
ToDense (class in torch_geometric.transforms)
TopKPooling (class in torch_geometric.nn.pool)
torch_geometric.data (module)
torch_geometric.datasets (module)
torch_geometric.debug (module)
torch_geometric.io (module)
torch_geometric.nn.conv (module)
torch_geometric.nn.conv.message_passing (module)
torch_geometric.nn.data_parallel (module)
torch_geometric.nn.dense.dense_gcn_conv (module)
torch_geometric.nn.dense.dense_gin_conv (module)
torch_geometric.nn.dense.dense_graph_conv (module)
torch_geometric.nn.dense.dense_sage_conv (module)
torch_geometric.nn.dense.diff_pool (module)
torch_geometric.nn.dense.mincut_pool (module)
torch_geometric.nn.glob (module)
torch_geometric.nn.meta (module)
torch_geometric.nn.models (module)
torch_geometric.nn.norm (module)
torch_geometric.nn.pool (module)
torch_geometric.nn.unpool (module)
torch_geometric.transforms (module)
torch_geometric.utils (module)
TOSCA (class in torch_geometric.datasets)
ToSLIC (class in torch_geometric.transforms)
TrackMLParticleTrackingDataset (class in torch_geometric.datasets)
train_test_split_edges() (in module torch_geometric.utils)
transition_matrix() (GDC method)
true_negative() (in module torch_geometric.utils)
true_positive() (in module torch_geometric.utils)
TUDataset (class in torch_geometric.datasets)
TwoHop (class in torch_geometric.transforms)
U
unpool() (EdgePooling method)
unpool_description (EdgePooling attribute)
update() (MessagePassing method)
V
VGAE (class in torch_geometric.nn.models)
voxel_grid() (in module torch_geometric.nn.pool)
W
WILLOWObjectClass (class in torch_geometric.datasets)
write_off() (in module torch_geometric.io)
X
XConv (class in torch_geometric.nn.conv)