Skip to content

Commit

Permalink
rename folder tgb_modules to modules for merge into tgb
Browse files Browse the repository at this point in the history
  • Loading branch information
JuliaGast committed Jun 21, 2024
1 parent c2fefde commit 8cc0539
Show file tree
Hide file tree
Showing 26 changed files with 6 additions and 6 deletions.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
2 changes: 1 addition & 1 deletion tgb_modules/memory_module.py → modules/memory_module.py
Original file line number Diff line number Diff line change
Expand Up @@ -16,7 +16,7 @@
from torch_geometric.nn.inits import zeros
from torch_geometric.utils import scatter

from tgb_modules.time_enc import TimeEncoder
from modules.time_enc import TimeEncoder


TGNMessageStoreType = Dict[int, Tuple[Tensor, Tensor, Tensor, Tensor]]
Expand Down
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
Original file line number Diff line number Diff line change
Expand Up @@ -14,7 +14,7 @@
import numpy as np
from collections import Counter
import ray
from tgb_modules.tkg_utils import create_scores_array
from modules.tkg_utils import create_scores_array

@ray.remote
def baseline_predict_remote(num_queries, test_data, all_data, window, basis_dict, num_nodes,
Expand Down
File renamed without changes.
File renamed without changes.
6 changes: 3 additions & 3 deletions tgb_modules/rrgcn.py → modules/rrgcn.py
Original file line number Diff line number Diff line change
Expand Up @@ -6,9 +6,9 @@
import torch.nn.functional as F
import math

from tgb_modules.rgcn_layers import UnionRGCNLayer, RGCNBlockLayer
from tgb_modules.rgcn_model import BaseRGCN
from tgb_modules.decoder import ConvTransE
from modules.rgcn_layers import UnionRGCNLayer, RGCNBlockLayer
from modules.rgcn_model import BaseRGCN
from modules.decoder import ConvTransE
import numpy as np
class RGCNCell(BaseRGCN):
def build_hidden_layer(self, idx):
Expand Down
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
Original file line number Diff line number Diff line change
Expand Up @@ -8,7 +8,7 @@
import numpy as np
import pandas as pd

from tgb_modules.tlogic_learn_modules import store_edges
from modules.tlogic_learn_modules import store_edges


def filter_rules(rules_dict, min_conf, min_body_supp, rule_lengths):
Expand Down
File renamed without changes.

0 comments on commit 8cc0539

Please sign in to comment.