graphnet-team / graphnet

A Deep learning library for neutrino telescopes
https://graphnet-team.github.io/graphnet/
Apache License 2.0
94 stars 93 forks source link

python setup.py develop --user fail (cvmfs installation - important!) #34

Closed RasmusOrsoe closed 2 years ago

RasmusOrsoe commented 3 years ago

python setup.py develop --user fails when run inside cvmfs. This is an issue of high priority because it means that the icetray dependent code inside gnnreco cannot be run!

cvmfs details: setup.sh : /cvmfs/icecube.opensciencegrid.org/py3-v4/setup.sh (python 2.7) env-shell.sh : /cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/latest/build/env-shell.sh

code to reproduce error: load cvmfs:

eval `/cvmfs/icecube.opensciencegrid.org/py3-v4/setup.sh`
/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/latest/build/env-shell.sh

Once inside cvmfs, cd to repository and run python setup.py develop --user

Error:

python setup.py develop --user
running develop
running egg_info
writing requirements to src/gnn_reco.egg-info/requires.txt
writing src/gnn_reco.egg-info/PKG-INFO
writing top-level names to src/gnn_reco.egg-info/top_level.txt
writing dependency_links to src/gnn_reco.egg-info/dependency_links.txt
reading manifest file 'src/gnn_reco.egg-info/SOURCES.txt'
writing manifest file 'src/gnn_reco.egg-info/SOURCES.txt'
running build_ext
Creating /lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/gnn-reco.egg-link (link to src)
Adding gnn-reco 0.1.1 to easy-install.pth file

Installed /lustre/hpc/hep/pcs557/github/gnn-reco/src
Processing dependencies for gnn-reco==0.1.1
Searching for torch-geometric
Reading https://data.pyg.org/whl/torch-1.9.0+cpu.html
Reading https://pypi.org/simple/torch-geometric/
Downloading https://files.pythonhosted.org/packages/85/8d/ab9c9e8b0497ee63edee1d49e1b6a991b89829358f832be239e08ae9d53d/torch_geometric-2.0.1.tar.gz#sha256=6ec91a407ca95959c1ca2009f6702983540ccafabc7f2553d56755ff8b393f4f
Best match: torch-geometric 2.0.1
Processing torch_geometric-2.0.1.tar.gz
Writing /tmp/easy_install-v3woH5/torch_geometric-2.0.1/setup.cfg
Running torch_geometric-2.0.1/setup.py -q bdist_egg --dist-dir /tmp/easy_install-v3woH5/torch_geometric-2.0.1/egg-dist-tmp-qUTFRh
warning: no previously-included files matching '*' found under directory 'test'
warning: no previously-included files matching '*' found under directory 'examples'
warning: no previously-included files matching '*' found under directory 'docs'
warning: no previously-included files matching '*' found under directory 'benchmark'
  File "build/bdist.linux-x86_64/egg/torch_geometric/profile/profiler.py", line 145
    traces: NamedTuple,
          ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/profile/profile.py", line 10
    time: float
        ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/profile/utils.py", line 18
    def count_parameters(model: torch.nn.Module) -> int:
                              ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/to_hetero_transformer.py", line 19
    def to_hetero(module: Module, metadata: Metadata, aggr: str = "sum",
                        ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/functional/bro.py", line 7
    x: torch.Tensor,
     ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/functional/gini.py", line 4
    def gini(w: torch.Tensor) -> torch.Tensor:
              ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/pool/asap.py", line 54
    def __init__(self, in_channels: int, ratio: Union[float, int] = 0.5,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/pool/sag_pool.py", line 70
    def __init__(self, in_channels: int, ratio: Union[float, int] = 0.5,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/pool/pool.py", line 10
    edge_attr: Optional[torch.Tensor] = None):
             ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/pool/topk_pool.py", line 126
    def __init__(self, in_channels: int, ratio: Union[int, float] = 0.5,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/pool/max_pool.py", line 11
    def _max_pool_x(cluster, x, size: Optional[int] = None):
                                    ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/pool/pan_pool.py", line 60
    def forward(self, x: Tensor, M: SparseTensor, batch: OptTensor = None):
                       ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/pool/mem_pool.py", line 41
    def __init__(self, in_channels: int, out_channels: int, heads: int,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/pool/avg_pool.py", line 11
    def _avg_pool_x(cluster, x, size: Optional[int] = None):
                                    ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/pool/graclus.py", line 11
    def graclus(edge_index, weight: Optional[torch.Tensor] = None,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/inits.py", line 9
    def uniform(size: int, value: Any):
                    ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/fx.py", line 69
    module: Module,
          ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/meta.py", line 107
    self, x: Tensor, edge_index: Tensor,
           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/sequential.py", line 14
    input_args: str,
              ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/models/metapath2vec.py", line 51
    edge_index_dict: Dict[EdgeType, Tensor],
                   ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/models/rect.py", line 33
    def __init__(self, in_channels: int, hidden_channels: int,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/models/basic_gnn.py", line 34
    def __init__(self, in_channels: int, hidden_channels: int, num_layers: int,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/models/gnn_explainer.py", line 58
    def __init__(self, model, epochs: int = 100, lr: float = 0.01,
                                    ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/models/attentive_fp.py", line 16
    def __init__(self, in_channels: int, out_channels: int, edge_dim: int,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/models/tgn.py", line 35
    def __init__(self, num_nodes: int, raw_msg_dim: int, memory_dim: int,
                                ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/models/correct_and_smooth.py", line 67
    def __init__(self, num_correction_layers: int, correction_alpha: float,
                                            ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/models/label_prop.py", line 27
    def __init__(self, num_layers: int, alpha: float):
                                 ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/models/dimenet.py", line 285
    def __init__(self, hidden_channels: int, out_channels: int,
                                      ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/models/schnet.py", line 85
    def __init__(self, hidden_channels: int = 128, num_filters: int = 128,
                                      ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/glob/glob.py", line 6
    def global_add_pool(x, batch, size: Optional[int] = None):
                                      ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/dense/mincut_pool.py", line 102
    out = eye * x.unsqueeze(2).expand(*x.size(), x.size(1))
SyntaxError: only named arguments may follow *expression

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/dense/linear.py", line 40
    def __init__(self, in_channels: int, out_channels: int, bias: bool = True,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/to_hetero_with_bases_transformer.py", line 22
    def to_hetero_with_bases(module: Module, metadata: Metadata, num_bases: int,
                                   ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/rgcn_conv.py", line 87
    def __init__(self, in_channels: Union[int, Tuple[int, int]],
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/supergat_conv.py", line 114
    att_x: OptTensor
         ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/gen_conv.py", line 20
    def __init__(self, channels: List[int], norm: Optional[str] = None,
                               ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/nn_conv.py", line 51
    def __init__(self, in_channels: Union[int, Tuple[int, int]],
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/hypergraph_conv.py", line 101
    def forward(self, x: Tensor, hyperedge_index: Tensor,
                       ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/gated_graph_conv.py", line 42
    def __init__(self, out_channels: int, num_layers: int, aggr: str = 'add',
                                   ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/gmm_conv.py", line 63
    def __init__(self, in_channels: Union[int, Tuple[int, int]],
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/gat_conv.py", line 61
    _alpha: OptTensor
          ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/appnp.py", line 49
    _cached_edge_index: Optional[Tuple[Tensor, Tensor]]
                      ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/dna_conv.py", line 65
    def restricted_softmax(src, dim: int = -1, margin: float = 0.):
                                   ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/res_gated_graph_conv.py", line 47
    in_channels: Union[int, Tuple[int, int]],
               ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/signed_conv.py", line 57
    def __init__(self, in_channels: int, out_channels: int, first_aggr: bool,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/pdn_conv.py", line 41
    def __init__(self, in_channels: int, out_channels: int, edge_dim: int,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/cg_conv.py", line 43
    def __init__(self, channels: Union[int, Tuple[int, int]], dim: int = 0,
                               ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/mf_conv.py", line 38
    def __init__(self, in_channels: Union[int, Tuple[int, int]],
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/ppf_conv.py", line 13
    def get_angle(v1: Tensor, v2: Tensor) -> Tensor:
                    ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/gcn_conv.py", line 117
    _cached_edge_index: Optional[Tuple[Tensor, Tensor]]
                      ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/gcn2_conv.py", line 65
    _cached_edge_index: Optional[Tuple[Tensor, Tensor]]
                      ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/eg_conv.py", line 72
    _cached_edge_index: Optional[Tuple[Tensor, OptTensor]]
                      ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/film_conv.py", line 58
    in_channels: Union[int, Tuple[int, int]],
               ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/gravnet_conv.py", line 43
    def __init__(self, in_channels: int, out_channels: int,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/sg_conv.py", line 45
    _cached_x: Optional[Tensor]
             ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/gatv2_conv.py", line 65
    _alpha: OptTensor
          ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/wl_conv.py", line 28
    def forward(self, x: Tensor, edge_index: Adj) -> Tensor:
                       ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/pna_conv.py", line 75
    def __init__(self, in_channels: int, out_channels: int,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/gin_conv.py", line 41
    def __init__(self, nn: Callable, eps: float = 0., train_eps: bool = False,
                         ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/le_conv.py", line 36
    def __init__(self, in_channels: Union[int, Tuple[int, int]],
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/hgt_conv.py", line 17
    def group(xs: List[Tensor], aggr: str) -> Optional[Tensor]:
                ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/fa_conv.py", line 54
    _cached_edge_index: Optional[Tuple[Tensor, Tensor]]
                      ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/pan_conv.py", line 38
    def __init__(self, in_channels: int, out_channels: int, filter_size: int,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/sage_conv.py", line 38
    def __init__(self, in_channels: Union[int, Tuple[int, int]],
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/feast_conv.py", line 43
    def __init__(self, in_channels: int, out_channels: int, heads: int = 1,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/agnn_conv.py", line 38
    def __init__(self, requires_grad: bool = True, add_self_loops: bool = True,
                                    ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/spline_conv.py", line 63
    def __init__(self, in_channels: Union[int, Tuple[int, int]],
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/tag_conv.py", line 37
    def __init__(self, in_channels: int, out_channels: int, K: int = 3,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/edge_conv.py", line 38
    def __init__(self, nn: Callable, aggr: str = 'max', **kwargs):
                         ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/x_conv.py", line 59
    def __init__(self, in_channels: int, out_channels: int, dim: int,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/transformer_conv.py", line 87
    _alpha: OptTensor
          ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/hetero_conv.py", line 45
    def __init__(self, convs: Dict[EdgeType, Module], aggr: str = "sum"):
                            ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/general_conv.py", line 53
    def __init__(self, in_channels: Union[int, Tuple[int, int]],
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/graph_conv.py", line 39
    in_channels: Union[int, Tuple[int, int]],
               ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/cheb_conv.py", line 66
    def __init__(self, in_channels: int, out_channels: int, K: int,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/message_passing.py", line 53
    special_args: Set[str] = {
                ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/cluster_gcn_conv.py", line 36
    def __init__(self, in_channels: int, out_channels: int,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/arma_conv.py", line 54
    def __init__(self, in_channels: int, out_channels: int,
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/utils/jit.py", line 11
    path = osp.join(gettempdir(), f'{getuser()}_pyg')
                                                   ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/utils/inspector.py", line 10
    def __init__(self, base_class: Any):
                                 ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/utils/cheatsheet.py", line 6
    def paper_title(cls: str) -> str:
                       ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/utils/helpers.py", line 4
    def expand_left(src: torch.Tensor, dim: int, dims: int) -> torch.Tensor:
                       ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/utils/typing.py", line 9
    def split_types_repr(types_repr: str) -> List[str]:
                                   ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/conv/point_conv.py", line 47
    def __init__(self, local_nn: Optional[Callable] = None,
                               ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/norm/pair_norm.py", line 31
    def __init__(self, scale: float = 1., scale_individually: bool = False,
                            ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/norm/diff_group_norm.py", line 61
    def forward(self, x: Tensor) -> Tensor:
                       ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/norm/instance_norm.py", line 44
    def forward(self, x: Tensor, batch: OptTensor = None) -> Tensor:
                       ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/norm/layer_norm.py", line 52
    def forward(self, x: Tensor, batch: OptTensor = None) -> Tensor:
                       ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/norm/batch_norm.py", line 43
    def forward(self, x: Tensor) -> Tensor:
                       ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/norm/msg_norm.py", line 23
    def __init__(self, learn_scale: bool = False):
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/nn/norm/graph_norm.py", line 29
    def __init__(self, in_channels: int, eps: float = 1e-5):
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/data/download.py", line 9
    def download_url(url: str, folder: str, log: bool = True):
                        ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/data/collate.py", line 16
    data_list: List[BaseData],
             ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/data/dataset.py", line 42
    def raw_file_names(self) -> Union[str, List[str], Tuple]:
                             ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/data/storage.py", line 31
    def __init__(self, _mapping: Optional[Dict[str, Any]] = None, **kwargs):
                               ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/data/hetero_data.py", line 95
    def __init__(self, _mapping: Optional[Dict[str, Any]] = None, **kwargs):
                               ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/data/separate.py", line 12
    def separate(cls, batch: BaseData, idx: int, slice_dict: Any,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/data/extract.py", line 11
    print(f'Extracting {path}', file=sys.stderr)
                             ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/data/view.py", line 7
    def __init__(self, mapping: Mapping, *args: List[str]):
                              ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/data/in_memory_dataset.py", line 40
    def raw_file_names(self) -> Union[str, List[str], Tuple]:
                             ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/data/data.py", line 18
    def __getattr__(self, key: str) -> Any:
                             ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/data/temporal.py", line 33
    f'Only strings, integers, slices (`:`), list, tuples, and '
                                                              ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/data/batch.py", line 43
    class Batch(metaclass=DynamicInheritance):
                         ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/deprecation.py", line 7
    def deprecated(details: Optional[str] = None, func_name: Optional[str] = None):
                          ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/seed.py", line 7
    def seed_everything(seed: int):
                            ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/graphgym/logger.py", line 29
    if cfg.print == 'file':
               ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/graphgym/models/gnn.py", line 85
    stage_dict = {**register.stage_dict, **stage_dict}
                   ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/graphgym/models/head.py", line 124
    head_dict = {**register.head_dict, **head_dict}
                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/graphgym/models/encoder.py", line 91
    node_encoder_dict = {**register.node_encoder_dict, **node_encoder_dict}
                          ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/graphgym/models/act.py", line 15
    act_dict = {**register.act_dict, **act_dict}
                 ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/graphgym/models/pooling.py", line 69
    pooling_dict = {**register.pooling_dict, **pooling_dict}
                     ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/graphgym/models/layer.py", line 300
    layer_dict = {**register.layer_dict, **layer_dict}
                   ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/graphgym/optimizer.py", line 10
    optimizer: str = 'adam'
             ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/graphgym/config.py", line 28
    cfg.print = 'both'
            ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/graphgym/model_builder.py", line 11
    network_dict = {**register.network_dict, **network_dict}
                     ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/graphgym/utils/agg_runs.py", line 179
    results[split].append({**dict_name, **dict_stats})
                            ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/qm9.py", line 116
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/coauthor.py", line 35
    def __init__(self, root: str, name: str,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/amazon_products.py", line 34
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/aminer.py", line 37
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/deezer_europe.py", line 31
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/coma.py", line 62
    def __init__(self, root: str, train: bool = True,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/shapenet.py", line 115
    raise ValueError((f'Split {split} found, but expected either '
                                                                 ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/last_fm.py", line 39
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/ogb_mag.py", line 53
    def __init__(self, root: str, preprocess: Optional[str] = None,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/gdelt.py", line 38
    def __init__(self, root: str, split: str = "train",
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/dbp15k.py", line 39
    def __init__(self, root: str, pair: str,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/dblp.py", line 41
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/geometry.py", line 46
    def __init__(self, root: str, train: bool = True,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/entities.py", line 36
    def __init__(self, root: str, name: str,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/molecule_net.py", line 131
    return f'{self.names[self.name][2]}.csv'
                                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/wikipedia_network.py", line 46
    def __init__(self, root: str, name: str, geom_gcn_preprocess: bool = True,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/word_net.py", line 53
    download_url(f'{self.url}/{filename}', self.raw_dir)
                                        ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/planetoid.py", line 52
    def __init__(self, root: str, name: str, split: str = "public",
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/gemsec.py", line 35
    def __init__(self, root: str, name: str,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/github.py", line 31
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/md17.py", line 118
    def __init__(self, root: str, name: str, train: Optional[bool] = None,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/rel_link_pred_dataset.py", line 34
    def __init__(self, root: str, name: str,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/facebook.py", line 30
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/flickr.py", line 34
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/dynamic_faust.py", line 69
    def __init__(self, root: str, subjects: Optional[List[str]] = None,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/jodie.py", line 28
    return f'{self.name}.csv'
                            ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/lastfm_asia.py", line 30
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/faust.py", line 48
    def __init__(self, root: str, train: bool = True,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/twitch.py", line 35
    def __init__(self, root: str, name: str,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/suite_sparse.py", line 45
    return f'{self.name}.mat'
                            ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/gnn_benchmark_dataset.py", line 51
    'PATTERN': f'{root_url}/PATTERN_v2.zip',
                                          ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/zinc.py", line 55
    path = osp.join(self.processed_dir, f'{split}.pt')
                                                    ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/mixhop_synthetic_dataset.py", line 46
    return osp.join(self.root, f'{self.homophily:0.1f}'[::2], 'raw')
                                                      ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/amazon.py", line 35
    def __init__(self, root: str, name: str,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/imdb.py", line 40
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/ged_dataset.py", line 90
    def __init__(self, root: str, name: str, train: bool = True,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/tu_dataset.py", line 61
    def __init__(self, root: str, name: str,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/webkb.py", line 61
    download_url(f'{self.url}/new_data/{self.name}/{f}', self.raw_dir)
                                                      ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/particle.py", line 43
    file_names += [f'event{idx}-cells.csv' for idx in event_indices]
                                         ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/upfd.py", line 100
    'val_idx.npy', 'test_idx.npy', f'new_{self.feature}_feature.npz'
                                                                   ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/actor.py", line 34
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/citation_full.py", line 33
    def __init__(self, root: str, name: str,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/datasets/bitcoin_otc.py", line 35
    def __init__(self, root: str, edge_window_size: int = 10,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/transforms/add_self_loops.py", line 10
    def __call__(self, data: Union[Data, HeteroData]):
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/transforms/random_link_split.py", line 66
    num_val: Union[int, float] = 0.1,
           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/transforms/normalize_features.py", line 14
    def __init__(self, attrs: List[str] = ["x"]):
                            ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/transforms/random_node_split.py", line 48
    split: str = "train_rest",
         ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/transforms/compose.py", line 12
    def __init__(self, transforms: List[Callable]):
                                 ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/transforms/gdc.py", line 234
    mat = mat @ adj_matrix
              ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/transforms/to_sparse_tensor.py", line 33
    def __init__(self, attr: Optional[str] = 'edge_weight',
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/transforms/svd_feature_reduction.py", line 18
    def __call__(self, data: Data) -> Data:
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/transforms/gcn_norm.py", line 17
    def __init__(self, add_self_loops: bool = True):
                                     ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/transforms/sign.py", line 48
    xs += [adj_t @ xs[-1]]
                 ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/transforms/remove_training_classes.py", line 14
    def __init__(self, classes: List[int]):
                              ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/transforms/to_device.py", line 20
    def __init__(self, device: Union[int, str], attrs: List[str] = [],
                             ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/transforms/normalize_rotation.py", line 19
    def __init__(self, max_points: int = -1, sort: bool = False):
                                 ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/transforms/to_undirected.py", line 31
    def __init__(self, reduce: str = "add", merge: bool = True):
                             ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/loader/cluster.py", line 29
    def __init__(self, data, num_parts: int, recursive: bool = False,
                                      ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/loader/graph_saint.py", line 45
    def __init__(self, data, batch_size: int, num_steps: int = 1,
                                       ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/loader/shadow.py", line 32
    def __init__(self, data: Data, depth: int, num_neighbors: int,
                           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/loader/dense_data_loader.py", line 9
    def collate_fn(data_list: List[Data]) -> Batch:
                            ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/loader/hgt_loader.py", line 85
    data: HeteroData,
        ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/loader/neighbor_loader.py", line 122
    data: Union[Data, HeteroData],
        ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/loader/utils.py", line 14
    def edge_type_to_str(edge_type: EdgeType) -> str:
                                  ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/loader/dataloader.py", line 63
    dataset: Union[Dataset, List[Data], List[HeteroData]],
           ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/loader/neighbor_sampler.py", line 9
    edge_index: Tensor
              ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/loader/data_list_loader.py", line 33
    def __init__(self, dataset: Union[Dataset, List[Data], List[HeteroData]],
                              ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/loader/random_node_sampler.py", line 10
    def __init__(self, num_nodes: int, num_parts: int, shuffle: bool = False):
                                ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/utils/normalized_cut.py", line 6
    def normalized_cut(edge_index, edge_attr, num_nodes: Optional[int] = None):
                                                       ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/utils/sort_edge_index.py", line 9
    edge_index: Tensor,
              ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/utils/get_laplacian.py", line 10
    def get_laplacian(edge_index, edge_weight: Optional[torch.Tensor] = None,
                                             ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/utils/train_test_split_edges.py", line 10
    def train_test_split_edges(data, val_ratio: float = 0.05,
                                              ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/utils/degree.py", line 8
    def degree(index, num_nodes: Optional[int] = None,
                               ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/utils/undirected.py", line 11
    edge_index: Tensor,
              ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/utils/loop.py", line 21
    def remove_self_loops(edge_index, edge_attr: Optional[torch.Tensor] = None):
                                               ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/utils/to_dense_batch.py", line 8
    def to_dense_batch(x: Tensor, batch: Optional[Tensor] = None,
                        ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/utils/softmax.py", line 11
    def softmax(src: Tensor, index: Optional[Tensor] = None,
                   ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/utils/homophily.py", line 10
    def homophily(edge_index: Adj, y: Tensor, batch: OptTensor = None,
                            ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/utils/negative_sampling.py", line 10
    def sample(high: int, size: int, device=None):
                   ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/utils/coalesce.py", line 11
    edge_index: Tensor,
              ^
SyntaxError: invalid syntax

  File "build/bdist.linux-x86_64/egg/torch_geometric/utils/convert.py", line 113
    def from_networkx(G, group_node_attrs: Optional[Union[List[str], all]] = None,
                                         ^
SyntaxError: invalid syntax

zip_safe flag not set; analyzing archive contents...
torch_geometric.graphgym.contrib.act.__init__: module references __file__
torch_geometric.graphgym.contrib.config.__init__: module references __file__
torch_geometric.graphgym.contrib.encoder.__init__: module references __file__
torch_geometric.graphgym.contrib.head.__init__: module references __file__
torch_geometric.graphgym.contrib.layer.__init__: module references __file__
torch_geometric.graphgym.contrib.loader.__init__: module references __file__
torch_geometric.graphgym.contrib.loss.__init__: module references __file__
torch_geometric.graphgym.contrib.network.__init__: module references __file__
torch_geometric.graphgym.contrib.optimizer.__init__: module references __file__
torch_geometric.graphgym.contrib.pooling.__init__: module references __file__
torch_geometric.graphgym.contrib.stage.__init__: module references __file__
torch_geometric.graphgym.contrib.train.__init__: module references __file__
torch_geometric.graphgym.contrib.transform.__init__: module references __file__
creating /lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg
Extracting torch_geometric-2.0.1-py2.7.egg to /lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages
  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/deprecation.py", line 7
    def deprecated(details: Optional[str] = None, func_name: Optional[str] = None):
                          ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/seed.py", line 7
    def seed_everything(seed: int):
                            ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/data/batch.py", line 43
    class Batch(metaclass=DynamicInheritance):
                         ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/data/collate.py", line 16
    data_list: List[BaseData],
             ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/data/data.py", line 18
    def __getattr__(self, key: str) -> Any:
                             ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/data/dataset.py", line 42
    def raw_file_names(self) -> Union[str, List[str], Tuple]:
                             ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/data/download.py", line 9
    def download_url(url: str, folder: str, log: bool = True):
                        ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/data/extract.py", line 11
    print(f'Extracting {path}', file=sys.stderr)
                             ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/data/hetero_data.py", line 95
    def __init__(self, _mapping: Optional[Dict[str, Any]] = None, **kwargs):
                               ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/data/in_memory_dataset.py", line 40
    def raw_file_names(self) -> Union[str, List[str], Tuple]:
                             ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/data/separate.py", line 12
    def separate(cls, batch: BaseData, idx: int, slice_dict: Any,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/data/storage.py", line 31
    def __init__(self, _mapping: Optional[Dict[str, Any]] = None, **kwargs):
                               ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/data/temporal.py", line 33
    f'Only strings, integers, slices (`:`), list, tuples, and '
                                                              ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/data/view.py", line 7
    def __init__(self, mapping: Mapping, *args: List[str]):
                              ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/actor.py", line 34
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/amazon.py", line 35
    def __init__(self, root: str, name: str,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/amazon_products.py", line 34
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/aminer.py", line 37
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/bitcoin_otc.py", line 35
    def __init__(self, root: str, edge_window_size: int = 10,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/citation_full.py", line 33
    def __init__(self, root: str, name: str,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/coauthor.py", line 35
    def __init__(self, root: str, name: str,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/coma.py", line 62
    def __init__(self, root: str, train: bool = True,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/dblp.py", line 41
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/dbp15k.py", line 39
    def __init__(self, root: str, pair: str,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/deezer_europe.py", line 31
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/dynamic_faust.py", line 69
    def __init__(self, root: str, subjects: Optional[List[str]] = None,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/entities.py", line 36
    def __init__(self, root: str, name: str,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/facebook.py", line 30
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/faust.py", line 48
    def __init__(self, root: str, train: bool = True,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/flickr.py", line 34
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/gdelt.py", line 38
    def __init__(self, root: str, split: str = "train",
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/ged_dataset.py", line 90
    def __init__(self, root: str, name: str, train: bool = True,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/gemsec.py", line 35
    def __init__(self, root: str, name: str,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/geometry.py", line 46
    def __init__(self, root: str, train: bool = True,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/github.py", line 31
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/gnn_benchmark_dataset.py", line 51
    'PATTERN': f'{root_url}/PATTERN_v2.zip',
                                          ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/imdb.py", line 40
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/jodie.py", line 28
    return f'{self.name}.csv'
                            ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/last_fm.py", line 39
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/lastfm_asia.py", line 30
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/md17.py", line 118
    def __init__(self, root: str, name: str, train: Optional[bool] = None,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/mixhop_synthetic_dataset.py", line 46
    return osp.join(self.root, f'{self.homophily:0.1f}'[::2], 'raw')
                                                      ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/molecule_net.py", line 131
    return f'{self.names[self.name][2]}.csv'
                                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/ogb_mag.py", line 53
    def __init__(self, root: str, preprocess: Optional[str] = None,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/particle.py", line 43
    file_names += [f'event{idx}-cells.csv' for idx in event_indices]
                                         ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/planetoid.py", line 52
    def __init__(self, root: str, name: str, split: str = "public",
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/qm9.py", line 116
    def __init__(self, root: str, transform: Optional[Callable] = None,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/rel_link_pred_dataset.py", line 34
    def __init__(self, root: str, name: str,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/shapenet.py", line 115
    raise ValueError((f'Split {split} found, but expected either '
                                                                 ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/suite_sparse.py", line 45
    return f'{self.name}.mat'
                            ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/tu_dataset.py", line 61
    def __init__(self, root: str, name: str,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/twitch.py", line 35
    def __init__(self, root: str, name: str,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/upfd.py", line 100
    'val_idx.npy', 'test_idx.npy', f'new_{self.feature}_feature.npz'
                                                                   ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/webkb.py", line 61
    download_url(f'{self.url}/new_data/{self.name}/{f}', self.raw_dir)
                                                      ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/wikipedia_network.py", line 46
    def __init__(self, root: str, name: str, geom_gcn_preprocess: bool = True,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/word_net.py", line 53
    download_url(f'{self.url}/{filename}', self.raw_dir)
                                        ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/datasets/zinc.py", line 55
    path = osp.join(self.processed_dir, f'{split}.pt')
                                                    ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/graphgym/config.py", line 28
    cfg.print = 'both'
            ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/graphgym/logger.py", line 29
    if cfg.print == 'file':
               ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/graphgym/model_builder.py", line 11
    network_dict = {**register.network_dict, **network_dict}
                     ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/graphgym/optimizer.py", line 10
    optimizer: str = 'adam'
             ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/graphgym/models/act.py", line 15
    act_dict = {**register.act_dict, **act_dict}
                 ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/graphgym/models/encoder.py", line 91
    node_encoder_dict = {**register.node_encoder_dict, **node_encoder_dict}
                          ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/graphgym/models/gnn.py", line 85
    stage_dict = {**register.stage_dict, **stage_dict}
                   ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/graphgym/models/head.py", line 124
    head_dict = {**register.head_dict, **head_dict}
                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/graphgym/models/layer.py", line 300
    layer_dict = {**register.layer_dict, **layer_dict}
                   ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/graphgym/models/pooling.py", line 69
    pooling_dict = {**register.pooling_dict, **pooling_dict}
                     ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/graphgym/utils/agg_runs.py", line 179
    results[split].append({**dict_name, **dict_stats})
                            ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/loader/cluster.py", line 29
    def __init__(self, data, num_parts: int, recursive: bool = False,
                                      ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/loader/data_list_loader.py", line 33
    def __init__(self, dataset: Union[Dataset, List[Data], List[HeteroData]],
                              ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/loader/dataloader.py", line 63
    dataset: Union[Dataset, List[Data], List[HeteroData]],
           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/loader/dense_data_loader.py", line 9
    def collate_fn(data_list: List[Data]) -> Batch:
                            ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/loader/graph_saint.py", line 45
    def __init__(self, data, batch_size: int, num_steps: int = 1,
                                       ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/loader/hgt_loader.py", line 85
    data: HeteroData,
        ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/loader/neighbor_loader.py", line 122
    data: Union[Data, HeteroData],
        ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/loader/neighbor_sampler.py", line 9
    edge_index: Tensor
              ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/loader/random_node_sampler.py", line 10
    def __init__(self, num_nodes: int, num_parts: int, shuffle: bool = False):
                                ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/loader/shadow.py", line 32
    def __init__(self, data: Data, depth: int, num_neighbors: int,
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/loader/utils.py", line 14
    def edge_type_to_str(edge_type: EdgeType) -> str:
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/fx.py", line 69
    module: Module,
          ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/inits.py", line 9
    def uniform(size: int, value: Any):
                    ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/meta.py", line 107
    self, x: Tensor, edge_index: Tensor,
           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/sequential.py", line 14
    input_args: str,
              ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/to_hetero_transformer.py", line 19
    def to_hetero(module: Module, metadata: Metadata, aggr: str = "sum",
                        ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/to_hetero_with_bases_transformer.py", line 22
    def to_hetero_with_bases(module: Module, metadata: Metadata, num_bases: int,
                                   ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/agnn_conv.py", line 38
    def __init__(self, requires_grad: bool = True, add_self_loops: bool = True,
                                    ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/appnp.py", line 49
    _cached_edge_index: Optional[Tuple[Tensor, Tensor]]
                      ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/arma_conv.py", line 54
    def __init__(self, in_channels: int, out_channels: int,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/cg_conv.py", line 43
    def __init__(self, channels: Union[int, Tuple[int, int]], dim: int = 0,
                               ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/cheb_conv.py", line 66
    def __init__(self, in_channels: int, out_channels: int, K: int,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/cluster_gcn_conv.py", line 36
    def __init__(self, in_channels: int, out_channels: int,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/dna_conv.py", line 65
    def restricted_softmax(src, dim: int = -1, margin: float = 0.):
                                   ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/edge_conv.py", line 38
    def __init__(self, nn: Callable, aggr: str = 'max', **kwargs):
                         ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/eg_conv.py", line 72
    _cached_edge_index: Optional[Tuple[Tensor, OptTensor]]
                      ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/fa_conv.py", line 54
    _cached_edge_index: Optional[Tuple[Tensor, Tensor]]
                      ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/feast_conv.py", line 43
    def __init__(self, in_channels: int, out_channels: int, heads: int = 1,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/film_conv.py", line 58
    in_channels: Union[int, Tuple[int, int]],
               ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/gat_conv.py", line 61
    _alpha: OptTensor
          ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/gated_graph_conv.py", line 42
    def __init__(self, out_channels: int, num_layers: int, aggr: str = 'add',
                                   ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/gatv2_conv.py", line 65
    _alpha: OptTensor
          ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/gcn2_conv.py", line 65
    _cached_edge_index: Optional[Tuple[Tensor, Tensor]]
                      ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/gcn_conv.py", line 117
    _cached_edge_index: Optional[Tuple[Tensor, Tensor]]
                      ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/gen_conv.py", line 20
    def __init__(self, channels: List[int], norm: Optional[str] = None,
                               ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/general_conv.py", line 53
    def __init__(self, in_channels: Union[int, Tuple[int, int]],
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/gin_conv.py", line 41
    def __init__(self, nn: Callable, eps: float = 0., train_eps: bool = False,
                         ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/gmm_conv.py", line 63
    def __init__(self, in_channels: Union[int, Tuple[int, int]],
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/graph_conv.py", line 39
    in_channels: Union[int, Tuple[int, int]],
               ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/gravnet_conv.py", line 43
    def __init__(self, in_channels: int, out_channels: int,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/hetero_conv.py", line 45
    def __init__(self, convs: Dict[EdgeType, Module], aggr: str = "sum"):
                            ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/hgt_conv.py", line 17
    def group(xs: List[Tensor], aggr: str) -> Optional[Tensor]:
                ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/hypergraph_conv.py", line 101
    def forward(self, x: Tensor, hyperedge_index: Tensor,
                       ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/le_conv.py", line 36
    def __init__(self, in_channels: Union[int, Tuple[int, int]],
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/message_passing.py", line 53
    special_args: Set[str] = {
                ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/mf_conv.py", line 38
    def __init__(self, in_channels: Union[int, Tuple[int, int]],
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/nn_conv.py", line 51
    def __init__(self, in_channels: Union[int, Tuple[int, int]],
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/pan_conv.py", line 38
    def __init__(self, in_channels: int, out_channels: int, filter_size: int,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/pdn_conv.py", line 41
    def __init__(self, in_channels: int, out_channels: int, edge_dim: int,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/pna_conv.py", line 75
    def __init__(self, in_channels: int, out_channels: int,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/point_conv.py", line 47
    def __init__(self, local_nn: Optional[Callable] = None,
                               ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/ppf_conv.py", line 13
    def get_angle(v1: Tensor, v2: Tensor) -> Tensor:
                    ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/res_gated_graph_conv.py", line 47
    in_channels: Union[int, Tuple[int, int]],
               ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/rgcn_conv.py", line 87
    def __init__(self, in_channels: Union[int, Tuple[int, int]],
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/sage_conv.py", line 38
    def __init__(self, in_channels: Union[int, Tuple[int, int]],
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/sg_conv.py", line 45
    _cached_x: Optional[Tensor]
             ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/signed_conv.py", line 57
    def __init__(self, in_channels: int, out_channels: int, first_aggr: bool,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/spline_conv.py", line 63
    def __init__(self, in_channels: Union[int, Tuple[int, int]],
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/supergat_conv.py", line 114
    att_x: OptTensor
         ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/tag_conv.py", line 37
    def __init__(self, in_channels: int, out_channels: int, K: int = 3,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/transformer_conv.py", line 87
    _alpha: OptTensor
          ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/wl_conv.py", line 28
    def forward(self, x: Tensor, edge_index: Adj) -> Tensor:
                       ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/x_conv.py", line 59
    def __init__(self, in_channels: int, out_channels: int, dim: int,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/utils/cheatsheet.py", line 6
    def paper_title(cls: str) -> str:
                       ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/utils/helpers.py", line 4
    def expand_left(src: torch.Tensor, dim: int, dims: int) -> torch.Tensor:
                       ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/utils/inspector.py", line 10
    def __init__(self, base_class: Any):
                                 ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/utils/jit.py", line 11
    path = osp.join(gettempdir(), f'{getuser()}_pyg')
                                                   ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/conv/utils/typing.py", line 9
    def split_types_repr(types_repr: str) -> List[str]:
                                   ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/dense/linear.py", line 40
    def __init__(self, in_channels: int, out_channels: int, bias: bool = True,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/dense/mincut_pool.py", line 102
    out = eye * x.unsqueeze(2).expand(*x.size(), x.size(1))
SyntaxError: only named arguments may follow *expression

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/functional/bro.py", line 7
    x: torch.Tensor,
     ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/functional/gini.py", line 4
    def gini(w: torch.Tensor) -> torch.Tensor:
              ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/glob/glob.py", line 6
    def global_add_pool(x, batch, size: Optional[int] = None):
                                      ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/models/attentive_fp.py", line 16
    def __init__(self, in_channels: int, out_channels: int, edge_dim: int,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/models/basic_gnn.py", line 34
    def __init__(self, in_channels: int, hidden_channels: int, num_layers: int,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/models/correct_and_smooth.py", line 67
    def __init__(self, num_correction_layers: int, correction_alpha: float,
                                            ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/models/dimenet.py", line 285
    def __init__(self, hidden_channels: int, out_channels: int,
                                      ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/models/gnn_explainer.py", line 58
    def __init__(self, model, epochs: int = 100, lr: float = 0.01,
                                    ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/models/label_prop.py", line 27
    def __init__(self, num_layers: int, alpha: float):
                                 ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/models/metapath2vec.py", line 51
    edge_index_dict: Dict[EdgeType, Tensor],
                   ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/models/rect.py", line 33
    def __init__(self, in_channels: int, hidden_channels: int,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/models/schnet.py", line 85
    def __init__(self, hidden_channels: int = 128, num_filters: int = 128,
                                      ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/models/tgn.py", line 35
    def __init__(self, num_nodes: int, raw_msg_dim: int, memory_dim: int,
                                ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/norm/batch_norm.py", line 43
    def forward(self, x: Tensor) -> Tensor:
                       ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/norm/diff_group_norm.py", line 61
    def forward(self, x: Tensor) -> Tensor:
                       ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/norm/graph_norm.py", line 29
    def __init__(self, in_channels: int, eps: float = 1e-5):
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/norm/instance_norm.py", line 44
    def forward(self, x: Tensor, batch: OptTensor = None) -> Tensor:
                       ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/norm/layer_norm.py", line 52
    def forward(self, x: Tensor, batch: OptTensor = None) -> Tensor:
                       ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/norm/msg_norm.py", line 23
    def __init__(self, learn_scale: bool = False):
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/norm/pair_norm.py", line 31
    def __init__(self, scale: float = 1., scale_individually: bool = False,
                            ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/pool/asap.py", line 54
    def __init__(self, in_channels: int, ratio: Union[float, int] = 0.5,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/pool/avg_pool.py", line 11
    def _avg_pool_x(cluster, x, size: Optional[int] = None):
                                    ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/pool/graclus.py", line 11
    def graclus(edge_index, weight: Optional[torch.Tensor] = None,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/pool/max_pool.py", line 11
    def _max_pool_x(cluster, x, size: Optional[int] = None):
                                    ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/pool/mem_pool.py", line 41
    def __init__(self, in_channels: int, out_channels: int, heads: int,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/pool/pan_pool.py", line 60
    def forward(self, x: Tensor, M: SparseTensor, batch: OptTensor = None):
                       ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/pool/pool.py", line 10
    edge_attr: Optional[torch.Tensor] = None):
             ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/pool/sag_pool.py", line 70
    def __init__(self, in_channels: int, ratio: Union[float, int] = 0.5,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/nn/pool/topk_pool.py", line 126
    def __init__(self, in_channels: int, ratio: Union[int, float] = 0.5,
                                  ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/profile/profile.py", line 10
    time: float
        ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/profile/profiler.py", line 145
    traces: NamedTuple,
          ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/profile/utils.py", line 18
    def count_parameters(model: torch.nn.Module) -> int:
                              ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/transforms/add_self_loops.py", line 10
    def __call__(self, data: Union[Data, HeteroData]):
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/transforms/compose.py", line 12
    def __init__(self, transforms: List[Callable]):
                                 ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/transforms/gcn_norm.py", line 17
    def __init__(self, add_self_loops: bool = True):
                                     ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/transforms/gdc.py", line 234
    mat = mat @ adj_matrix
              ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/transforms/normalize_features.py", line 14
    def __init__(self, attrs: List[str] = ["x"]):
                            ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/transforms/normalize_rotation.py", line 19
    def __init__(self, max_points: int = -1, sort: bool = False):
                                 ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/transforms/random_link_split.py", line 66
    num_val: Union[int, float] = 0.1,
           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/transforms/random_node_split.py", line 48
    split: str = "train_rest",
         ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/transforms/remove_training_classes.py", line 14
    def __init__(self, classes: List[int]):
                              ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/transforms/sign.py", line 48
    xs += [adj_t @ xs[-1]]
                 ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/transforms/svd_feature_reduction.py", line 18
    def __call__(self, data: Data) -> Data:
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/transforms/to_device.py", line 20
    def __init__(self, device: Union[int, str], attrs: List[str] = [],
                             ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/transforms/to_sparse_tensor.py", line 33
    def __init__(self, attr: Optional[str] = 'edge_weight',
                           ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/transforms/to_undirected.py", line 31
    def __init__(self, reduce: str = "add", merge: bool = True):
                             ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/utils/coalesce.py", line 11
    edge_index: Tensor,
              ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/utils/convert.py", line 113
    def from_networkx(G, group_node_attrs: Optional[Union[List[str], all]] = None,
                                         ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/utils/degree.py", line 8
    def degree(index, num_nodes: Optional[int] = None,
                               ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/utils/get_laplacian.py", line 10
    def get_laplacian(edge_index, edge_weight: Optional[torch.Tensor] = None,
                                             ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/utils/homophily.py", line 10
    def homophily(edge_index: Adj, y: Tensor, batch: OptTensor = None,
                            ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/utils/loop.py", line 21
    def remove_self_loops(edge_index, edge_attr: Optional[torch.Tensor] = None):
                                               ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/utils/negative_sampling.py", line 10
    def sample(high: int, size: int, device=None):
                   ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/utils/normalized_cut.py", line 6
    def normalized_cut(edge_index, edge_attr, num_nodes: Optional[int] = None):
                                                       ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/utils/softmax.py", line 11
    def softmax(src: Tensor, index: Optional[Tensor] = None,
                   ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/utils/sort_edge_index.py", line 9
    edge_index: Tensor,
              ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/utils/to_dense_batch.py", line 8
    def to_dense_batch(x: Tensor, batch: Optional[Tensor] = None,
                        ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/utils/train_test_split_edges.py", line 10
    def train_test_split_edges(data, val_ratio: float = 0.05,
                                              ^
SyntaxError: invalid syntax

  File "/lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg/torch_geometric/utils/undirected.py", line 11
    edge_index: Tensor,
              ^
SyntaxError: invalid syntax

Adding torch-geometric 2.0.1 to easy-install.pth file

Installed /lustre/hpc/hep/pcs557/.local/lib/python2.7/site-packages/torch_geometric-2.0.1-py2.7.egg
Searching for torch-spline-conv
Reading https://pypi.org/simple/torch-spline-conv/
Downloading https://files.pythonhosted.org/packages/80/f8/4d010376565c59b3c397b1cf103edc4e9b2ed087c2bbd3677f0a92930d75/torch_spline_conv-1.2.1.tar.gz#sha256=364f658e0ecb4c5263a728c2961553e022fc44c11a633d5a1bf986cf169ab438
Best match: torch-spline-conv 1.2.1
Processing torch_spline_conv-1.2.1.tar.gz
Writing /tmp/easy_install-QYwLsu/torch_spline_conv-1.2.1/setup.cfg
Running torch_spline_conv-1.2.1/setup.py -q bdist_egg --dist-dir /tmp/easy_install-QYwLsu/torch_spline_conv-1.2.1/egg-dist-tmp-4BL73v
Traceback (most recent call last):
  File "setup.py", line 52, in <module>
    'https://data.pyg.org/whl/torch-1.9.0+cpu.html',
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/__init__.py", line 162, in setup
    return distutils.core.setup(**attrs)
  File "/cvmfs/icecube.opensciencegrid.org/py2-v3.1.1/RHEL_7_x86_64/lib/python2.7/distutils/core.py", line 151, in setup    dist.run_commands()
  File "/cvmfs/icecube.opensciencegrid.org/py2-v3.1.1/RHEL_7_x86_64/lib/python2.7/distutils/dist.py", line 953, in run_commands
    self.run_command(cmd)
  File "/cvmfs/icecube.opensciencegrid.org/py2-v3.1.1/RHEL_7_x86_64/lib/python2.7/distutils/dist.py", line 972, in run_command
    cmd_obj.run()
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/command/develop.py", line 38, in run
    self.install_for_development()
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/command/develop.py", line 156, in install_for_development
    self.process_distribution(None, self.dist, not self.no_deps)
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/command/easy_install.py", line 758, in process_distribution
    [requirement], self.local_index, self.easy_install
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/pkg_resources/__init__.py", line 782, in resolve
    replace_conflicting=replace_conflicting
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/pkg_resources/__init__.py", line 1065, in best_match
    return self.obtain(req, installer)
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/pkg_resources/__init__.py", line 1077, in obtain
    return installer(requirement)
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/command/easy_install.py", line 685, in easy_install
    return self.install_item(spec, dist.location, tmpdir, deps)
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/command/easy_install.py", line 711, in install_item
    dists = self.install_eggs(spec, download, tmpdir)
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/command/easy_install.py", line 896, in install_eggs
    return self.build_and_install(setup_script, setup_base)
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/command/easy_install.py", line 1164, in build_and_install
    self.run_setup(setup_script, setup_base, args)
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/command/easy_install.py", line 1150, in run_setup
    run_setup(setup_script, args)
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/sandbox.py", line 253, in run_setup
    raise
  File "/cvmfs/icecube.opensciencegrid.org/py2-v3.1.1/RHEL_7_x86_64/lib/python2.7/contextlib.py", line 35, in __exit__
    self.gen.throw(type, value, traceback)
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/sandbox.py", line 195, in setup_context
    yield
  File "/cvmfs/icecube.opensciencegrid.org/py2-v3.1.1/RHEL_7_x86_64/lib/python2.7/contextlib.py", line 35, in __exit__
    self.gen.throw(type, value, traceback)
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/sandbox.py", line 166, in save_modules
    saved_exc.resume()
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/sandbox.py", line 141, in resume
    six.reraise(type, exc, self._tb)
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/sandbox.py", line 154, in save_modules
    yield saved
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/sandbox.py", line 195, in setup_context
    yield
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/sandbox.py", line 250, in run_setup
    _execfile(setup_script, ns)
  File "/cvmfs/icecube.opensciencegrid.org/users/Oscillation/software/oscNext_meta/releases/V01-00-05/build__py2-v3.1.1__osgvo-el7/lib/setuptools/sandbox.py", line 44, in _execfile
    code = compile(script, filename, 'exec')
  File "/tmp/easy_install-QYwLsu/torch_spline_conv-1.2.1/setup.py", line 44
    path = osp.join(extensions_dir, 'cpu', f'{name}_cpu.cpp')
asogaard commented 3 years ago

The code seems to be run using a python 2.7 interpreter. This is due to the use of the OscNext icetray environment. See issue #9 for a resolution.

asogaard commented 3 years ago

For completeness and posterity, here is the proposed resolution: https://github.com/icecube/gnn-reco/issues/9#issuecomment-926469557

RasmusOrsoe commented 3 years ago

Changed cvmfs to

$ eval `/cvmfs/icecube.opensciencegrid.org/py3-v4.1.0/setup.sh`
$ /cvmfs/icecube.opensciencegrid.org/py3-v4.1.0/RHEL_7_x86_64/metaprojects/combo/stable/env-shell.sh

Error:

(base) [pcs557@hep02 gnn-reco]$ python setup.py develop --user
Collecting torch>=1.9.0
  Downloading https://files.pythonhosted.org/packages/ad/da/a1693073397b30fc3390def5a33cbe630f1b9446ea296845680af95080af/torch-1.9.1-cp37-cp37m-manylinux1_x86_64.whl (831.4MB)
     |████████████████████████████████| 831.4MB 11kB/s
Collecting typing-extensions
  Using cached https://files.pythonhosted.org/packages/74/60/18783336cc7fcdd95dae91d73477830aa53f5d3181ae4fe20491d7fc3199/typing_extensions-3.10.0.2-py3-none-any.whl
Installing collected packages: typing-extensions, torch
ERROR: Could not install packages due to an EnvironmentError: [Errno 30] Read-only file system: '/cvmfs/icecube.opensciencegrid.org/py3-v4.1.0/RHEL_7_x86_64/lib/python3.7/site-packages/typing_extensions.py'

Traceback (most recent call last):
  File "setup.py", line 36, in <module>
    import torch  # pyright: reportMissingImports=false
ModuleNotFoundError: No module named 'torch'

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "setup.py", line 38, in <module>
    install('torch>=1.9.0')
  File "setup.py", line 7, in install
    subprocess.check_call([sys.executable, "-m", "pip", "install", package])
  File "/cvmfs/icecube.opensciencegrid.org/py3-v4.1.0/RHEL_7_x86_64/lib/python3.7/subprocess.py", line 363, in check_call
    raise CalledProcessError(retcode, cmd)
subprocess.CalledProcessError: Command '['/cvmfs/icecube.opensciencegrid.org/py3-v4.1.0/RHEL_7_x86_64/bin/python', '-m', 'pip', 'install', 'torch>=1.9.0']' returned non-zero exit status 1.
asogaard commented 3 years ago

This is probably due (at least) to the setup script trying to install torch for all users rather than just for the specific user, which is not allowed in the CVMFS environment; thus the ERROR: Could not install packages due to an EnvironmentError: 8...) error. See PR #36 for a possible resolution and/or check locally by adding the --user option in the install method at the top of the setup.py file.