From a0e9a0a7ec6eee5c8dedc0b694a98b1cae0e24ea Mon Sep 17 00:00:00 2001 From: cjiang-git Date: Sat, 14 Dec 2024 20:53:14 -0800 Subject: [PATCH 1/9] transh completed --- examples/kge_fb15k_237.py | 4 +- test/nn/kge/test_transh.py | 25 +++++++ torch_geometric/nn/kge/__init__.py | 2 + torch_geometric/nn/kge/transh.py | 108 +++++++++++++++++++++++++++++ 4 files changed, 138 insertions(+), 1 deletion(-) create mode 100644 test/nn/kge/test_transh.py create mode 100644 torch_geometric/nn/kge/transh.py diff --git a/examples/kge_fb15k_237.py b/examples/kge_fb15k_237.py index 144074c58df1..5fe843c8341c 100644 --- a/examples/kge_fb15k_237.py +++ b/examples/kge_fb15k_237.py @@ -5,13 +5,14 @@ import torch.optim as optim from torch_geometric.datasets import FB15k_237 -from torch_geometric.nn import ComplEx, DistMult, RotatE, TransE +from torch_geometric.nn import ComplEx, DistMult, RotatE, TransE, TransH model_map = { 'transe': TransE, 'complex': ComplEx, 'distmult': DistMult, 'rotate': RotatE, + 'transh': TransH, } parser = argparse.ArgumentParser() @@ -47,6 +48,7 @@ 'complex': optim.Adagrad(model.parameters(), lr=0.001, weight_decay=1e-6), 'distmult': optim.Adam(model.parameters(), lr=0.0001, weight_decay=1e-6), 'rotate': optim.Adam(model.parameters(), lr=1e-3), + 'transh': optim.Adam(model.parameters(), lr=0.01), } optimizer = optimizer_map[args.model] diff --git a/test/nn/kge/test_transh.py b/test/nn/kge/test_transh.py new file mode 100644 index 000000000000..b20102e63621 --- /dev/null +++ b/test/nn/kge/test_transh.py @@ -0,0 +1,25 @@ +import torch + +from torch_geometric.nn import TransH + + +def test_transh(): + model = TransH(num_nodes=10, num_relations=5, hidden_channels=32) + assert str(model) == 'TransH(10, num_relations=5, hidden_channels=32)' + + head_index = torch.tensor([0, 2, 4, 6, 8]) + rel_type = torch.tensor([0, 1, 2, 3, 4]) + tail_index = torch.tensor([1, 3, 5, 7, 9]) + + loader = model.loader(head_index, rel_type, tail_index, batch_size=5) + for h, r, t in loader: + out = model(h, r, t) + assert out.size() == (5, ) + + loss = model.loss(h, r, t) + assert loss >= 0. + + mean_rank, mrr, hits = model.test(h, r, t, batch_size=5, log=False) + assert 0 <= mean_rank <= 10 + assert 0 < mrr <= 1 + assert hits == 1.0 diff --git a/torch_geometric/nn/kge/__init__.py b/torch_geometric/nn/kge/__init__.py index 1f7fe6bc0e95..8a18f7a7638b 100644 --- a/torch_geometric/nn/kge/__init__.py +++ b/torch_geometric/nn/kge/__init__.py @@ -5,6 +5,7 @@ from .complex import ComplEx from .distmult import DistMult from .rotate import RotatE +from .transh import TransH __all__ = classes = [ 'KGEModel', @@ -12,4 +13,5 @@ 'ComplEx', 'DistMult', 'RotatE', + 'TransH', ] diff --git a/torch_geometric/nn/kge/transh.py b/torch_geometric/nn/kge/transh.py new file mode 100644 index 000000000000..2dfe683837b6 --- /dev/null +++ b/torch_geometric/nn/kge/transh.py @@ -0,0 +1,108 @@ +import torch +import torch.nn.functional as F +from torch import Tensor +from torch.nn import Embedding + +from torch_geometric.nn.kge import KGEModel + + +class TransH(KGEModel): + r"""The TransH model from the `"Knowledge Graph Embedding by Translating on + Hyperplanes" `_ + paper. + + :class:`TransH` models relations as translation from head to tail + entities , where for each relation type, there is a hyperplane that the + embeddings are projected onto. The scoring function is defined as: + + .. math:: + \mathbf{h}_r = \mathbf{h} - \mathbf{w}_r^T\mathbf{h}\mathbf{w}_r, + \mathbf{t}_r = \mathbf{t} - \mathbf{w}_r^T\mathbf{t}\mathbf{w}_r + + + resulting in the scoring function: + + .. math:: + d(h, r, t) = - {\| \mathbf{h}_r + \mathbf{r} - \mathbf{t}_r \|}_p + + + Args: + num_nodes (int): The number of nodes/entities in the graph. + num_relations (int): The number of relations in the graph. + hidden_channels (int): The hidden embedding size. + margin (int, optional): The margin of the ranking loss. + (default: :obj:`1.0`) + p_norm (int, optional): The order embedding and distance normalization. + (default: :obj:`1.0`) + sparse (bool, optional): If set to :obj:`True`, gradients w.r.t. to the + embedding matrices will be sparse. (default: :obj:`False`) + """ + def __init__( + self, + num_nodes: int, + num_relations: int, + hidden_channels: int, + margin: float = 1.0, + p_norm: float = 1.0, + sparse: bool = False, + ): + super().__init__(num_nodes, num_relations, hidden_channels, sparse) + + self.p_norm = p_norm + self.margin = margin + + # hyperplane embedding + self.rel_normals = Embedding(num_relations, hidden_channels) + + self.reset_parameters() + + def reset_parameters(self): + + torch.nn.init.xavier_uniform_(self.node_emb.weight) + torch.nn.init.xavier_uniform_(self.rel_emb.weight) + torch.nn.init.xavier_uniform_(self.rel_normals.weight) + + def project(self, emb: Tensor, normal: Tensor) -> Tensor: + ''' + Project entity embeddings onto the hyperplane defined by the + relation type. + ''' + norm = F.normalize(normal, p=2, dim=-1) + return emb - (emb * norm).sum(dim=-1, keepdim=True) * norm + + def forward( + self, + head_index: Tensor, + rel_type: Tensor, + tail_index: Tensor, + ) -> Tensor: + + head = self.node_emb(head_index) + rel = self.rel_emb(rel_type) + tail = self.node_emb(tail_index) + + head_proj = self.project(head, self.rel_normals(rel_type)) + tail_proj = self.project(tail, self.rel_normals(rel_type)) + + head_proj = F.normalize(head_proj, p=self.p_norm, dim=-1) + tail_proj = F.normalize(tail_proj, p=self.p_norm, dim=-1) + + # Calculate *negative* TransH norm: + return -((head_proj + rel) - tail_proj).norm(p=self.p_norm, dim=-1) + + def loss( + self, + head_index: Tensor, + rel_type: Tensor, + tail_index: Tensor, + ) -> Tensor: + + pos_score = self(head_index, rel_type, tail_index) + neg_score = self(*self.random_sample(head_index, rel_type, tail_index)) + + return F.margin_ranking_loss( + pos_score, + neg_score, + target=torch.ones_like(pos_score), + margin=self.margin, + ) From 7990b9b9afd73589fc010707b520d9e0e8639467 Mon Sep 17 00:00:00 2001 From: "pre-commit-ci[bot]" <66853113+pre-commit-ci[bot]@users.noreply.github.com> Date: Sun, 15 Dec 2024 05:05:52 +0000 Subject: [PATCH 2/9] [pre-commit.ci] auto fixes from pre-commit.com hooks for more information, see https://pre-commit.ci --- torch_geometric/nn/kge/transh.py | 5 ++--- 1 file changed, 2 insertions(+), 3 deletions(-) diff --git a/torch_geometric/nn/kge/transh.py b/torch_geometric/nn/kge/transh.py index 2dfe683837b6..66c5bfea31fc 100644 --- a/torch_geometric/nn/kge/transh.py +++ b/torch_geometric/nn/kge/transh.py @@ -63,10 +63,9 @@ def reset_parameters(self): torch.nn.init.xavier_uniform_(self.rel_normals.weight) def project(self, emb: Tensor, normal: Tensor) -> Tensor: - ''' - Project entity embeddings onto the hyperplane defined by the + """Project entity embeddings onto the hyperplane defined by the relation type. - ''' + """ norm = F.normalize(normal, p=2, dim=-1) return emb - (emb * norm).sum(dim=-1, keepdim=True) * norm From 03c7ae2a66e58af84fed606781ada8d11035c808 Mon Sep 17 00:00:00 2001 From: cjiang-git Date: Sat, 14 Dec 2024 21:08:22 -0800 Subject: [PATCH 3/9] changelog modification --- CHANGELOG.md | 1 + timeline.json | 1926 +++++++++++++++++++++++++++++++++++++++++++++++++ 2 files changed, 1927 insertions(+) create mode 100644 timeline.json diff --git a/CHANGELOG.md b/CHANGELOG.md index 4e6789b9a86d..fe9b98575ad3 100644 --- a/CHANGELOG.md +++ b/CHANGELOG.md @@ -23,6 +23,7 @@ The format is based on [Keep a Changelog](http://keepachangelog.com/en/1.0.0/). - Added the `use_pcst` option to `WebQSPDataset` ([#9722](https://github.com/pyg-team/pytorch_geometric/pull/9722)) - Allowed users to pass `edge_weight` to `GraphUNet` models ([#9737](https://github.com/pyg-team/pytorch_geometric/pull/9737)) - Consolidated `examples/ogbn_{papers_100m,products_gat,products_sage}.py` into `examples/ogbn_train.py` ([#9467](https://github.com/pyg-team/pytorch_geometric/pull/9467)) +- Added `transH` model to kge models ([#9868](https://github.com/pyg-team/pytorch_geometric/pull/9868)) ### Changed diff --git a/timeline.json b/timeline.json new file mode 100644 index 000000000000..bac4000937cd --- /dev/null +++ b/timeline.json @@ -0,0 +1,1926 @@ + +{ + "schemaVersion": 1, + "deviceProperties": [ + { + "id": 0, "name": "NVIDIA GeForce RTX 4090", "totalGlobalMem": 25756696576, + "computeMajor": 8, "computeMinor": 9, + "maxThreadsPerBlock": 1024, "maxThreadsPerMultiprocessor": 1536, + "regsPerBlock": 65536, "warpSize": 32, + "sharedMemPerBlock": 49152, "numSms": 128 + , "regsPerMultiprocessor": 65536, "sharedMemPerBlockOptin": 101376, "sharedMemPerMultiprocessor": 102400 + } + ], + "traceEvents": [ + { + "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 46639, "tid": 46639, + "ts": 6495900647539.841, "dur": 6.267, + "args": { + "External id": 513,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 0 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900647542.366, "dur": 1.659, + "args": { + "External id": 514,"Record function id": 0, "Ev Idx": 1 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 46639, "tid": 46639, + "ts": 6495900647551.419, "dur": 0.983, + "args": { + "External id": 515,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 2 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900647551.806, "dur": 0.190, + "args": { + "External id": 516,"Record function id": 0, "Ev Idx": 3 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::index_select", "pid": 46639, "tid": 46639, + "ts": 6495900647560.165, "dur": 303.074, + "args": { + "External id": 517,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 4 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, + "ts": 6495900647562.284, "dur": 3.643, + "args": { + "External id": 518,"Record function id": 0, "Ev Idx": 5 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::resize_", "pid": 46639, "tid": 46639, + "ts": 6495900647815.340, "dur": 8.035, + "args": { + "External id": 519,"Record function id": 0, "Ev Idx": 6 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 46639, "tid": 46639, + "ts": 6495900647891.355, "dur": 21.731, + "args": { + "External id": 520,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 7 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, + "ts": 6495900647892.509, "dur": 3.904, + "args": { + "External id": 521,"Record function id": 0, "Ev Idx": 8 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, + "ts": 6495900647893.104, "dur": 3.165, + "args": { + "External id": 522,"Record function id": 0, "Ev Idx": 9 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 46639, "tid": 46639, + "ts": 6495900647896.936, "dur": 15.961, + "args": { + "External id": 523,"Record function id": 0, "Ev Idx": 10 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, + "ts": 6495900647897.748, "dur": 14.788, + "args": { + "External id": 524,"Record function id": 0, "Ev Idx": 11 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_ones", "pid": 46639, "tid": 46639, + "ts": 6495900647915.241, "dur": 8.197, + "args": { + "External id": 525,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 12 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, + "ts": 6495900647915.872, "dur": 2.218, + "args": { + "External id": 526,"Record function id": 0, "Ev Idx": 13 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, + "ts": 6495900647916.062, "dur": 1.947, + "args": { + "External id": 527,"Record function id": 0, "Ev Idx": 14 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, + "ts": 6495900647918.298, "dur": 4.968, + "args": { + "External id": 528,"Record function id": 0, "Ev Idx": 15 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 46639, "tid": 46639, + "ts": 6495900647925.106, "dur": 17.845, + "args": { + "External id": 529,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 16 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900647931.337, "dur": 0.910, + "args": { + "External id": 530,"Record function id": 0, "Ev Idx": 17 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900647932.572, "dur": 0.171, + "args": { + "External id": 531,"Record function id": 0, "Ev Idx": 18 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::clamp", "pid": 46639, "tid": 46639, + "ts": 6495900647946.954, "dur": 14.409, + "args": { + "External id": 532,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 19 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::to", "pid": 46639, "tid": 46639, + "ts": 6495900647948.144, "dur": 0.154, + "args": { + "External id": 533,"Record function id": 0, "Ev Idx": 20 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 46639, "tid": 46639, + "ts": 6495900647964.339, "dur": 2.696, + "args": { + "External id": 534,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 21 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 46639, "tid": 46639, + "ts": 6495900647968.325, "dur": 2.939, + "args": { + "External id": 535,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 22 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 46639, "tid": 46639, + "ts": 6495900647968.902, "dur": 2.245, + "args": { + "External id": 536,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 23 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900647970.083, "dur": 0.442, + "args": { + "External id": 537,"Record function id": 0, "Ev Idx": 24 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 46639, "tid": 46639, + "ts": 6495900647972.590, "dur": 8.710, + "args": { + "External id": 538,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 25 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, + "ts": 6495900647972.824, "dur": 2.327, + "args": { + "External id": 539,"Record function id": 0, "Ev Idx": 26 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, + "ts": 6495900647973.050, "dur": 2.028, + "args": { + "External id": 540,"Record function id": 0, "Ev Idx": 27 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 46639, "tid": 46639, + "ts": 6495900647975.394, "dur": 5.762, + "args": { + "External id": 541,"Record function id": 0, "Ev Idx": 28 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, + "ts": 6495900647975.782, "dur": 5.049, + "args": { + "External id": 542,"Record function id": 0, "Ev Idx": 29 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 46639, "tid": 46639, + "ts": 6495900647982.103, "dur": 7.277, + "args": { + "External id": 543,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 30 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900647983.203, "dur": 0.207, + "args": { + "External id": 544,"Record function id": 0, "Ev Idx": 31 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900647983.672, "dur": 0.126, + "args": { + "External id": 545,"Record function id": 0, "Ev Idx": 32 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 46639, "tid": 46639, + "ts": 6495900647990.642, "dur": 0.622, + "args": { + "External id": 546,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 33 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 46639, "tid": 46639, + "ts": 6495900647991.796, "dur": 1.037, + "args": { + "External id": 547,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 34 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 46639, "tid": 46639, + "ts": 6495900647991.995, "dur": 0.766, + "args": { + "External id": 548,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 35 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900647992.328, "dur": 0.163, + "args": { + "External id": 549,"Record function id": 0, "Ev Idx": 36 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::div", "pid": 46639, "tid": 46639, + "ts": 6495900647994.186, "dur": 12.290, + "args": { + "External id": 550,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 37 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 46639, "tid": 46639, + "ts": 6495900648017.666, "dur": 61.046, + "args": { + "External id": 551,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 38 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 46639, "tid": 46639, + "ts": 6495900648018.325, "dur": 4.968, + "args": { + "External id": 552,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 39 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 46639, "tid": 46639, + "ts": 6495900648021.174, "dur": 0.974, + "args": { + "External id": 553,"Record function id": 0, "Ev Idx": 40 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648021.751, "dur": 0.216, + "args": { + "External id": 554,"Record function id": 0, "Ev Idx": 41 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::addmm", "pid": 46639, "tid": 46639, + "ts": 6495900648023.852, "dur": 54.554, + "args": { + "External id": 555,"Record function id": 0, "Sequence number": 733859, "Fwd thread id": 0, "Ev Idx": 42 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 46639, "tid": 46639, + "ts": 6495900648083.302, "dur": 25.049, + "args": { + "External id": 556,"Record function id": 0, "Sequence number": 733860, "Fwd thread id": 0, "Ev Idx": 43 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 46639, "tid": 46639, + "ts": 6495900648083.599, "dur": 1.750, + "args": { + "External id": 557,"Record function id": 0, "Sequence number": 733860, "Fwd thread id": 0, "Ev Idx": 44 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 46639, "tid": 46639, + "ts": 6495900648084.312, "dur": 0.568, + "args": { + "External id": 558,"Record function id": 0, "Ev Idx": 45 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648084.591, "dur": 0.208, + "args": { + "External id": 559,"Record function id": 0, "Ev Idx": 46 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::matmul", "pid": 46639, "tid": 46639, + "ts": 6495900648085.890, "dur": 22.245, + "args": { + "External id": 560,"Record function id": 0, "Sequence number": 733861, "Fwd thread id": 0, "Ev Idx": 47 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::mm", "pid": 46639, "tid": 46639, + "ts": 6495900648086.584, "dur": 21.235, + "args": { + "External id": 561,"Record function id": 0, "Sequence number": 733861, "Fwd thread id": 0, "Ev Idx": 48 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::add", "pid": 46639, "tid": 46639, + "ts": 6495900648109.911, "dur": 12.832, + "args": { + "External id": 562,"Record function id": 0, "Sequence number": 733862, "Fwd thread id": 0, "Ev Idx": 49 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::relu", "pid": 46639, "tid": 46639, + "ts": 6495900648130.786, "dur": 11.208, + "args": { + "External id": 563,"Record function id": 0, "Sequence number": 733863, "Fwd thread id": 0, "Ev Idx": 50 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::clamp_min", "pid": 46639, "tid": 46639, + "ts": 6495900648132.400, "dur": 7.863, + "args": { + "External id": 564,"Record function id": 0, "Ev Idx": 51 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::dropout", "pid": 46639, "tid": 46639, + "ts": 6495900648148.937, "dur": 0.406, + "args": { + "External id": 565,"Record function id": 0, "Sequence number": 733864, "Fwd thread id": 0, "Ev Idx": 52 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 46639, "tid": 46639, + "ts": 6495900648161.354, "dur": 2.822, + "args": { + "External id": 566,"Record function id": 0, "Sequence number": 733864, "Fwd thread id": 0, "Ev Idx": 53 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648162.869, "dur": 0.424, + "args": { + "External id": 567,"Record function id": 0, "Ev Idx": 54 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 46639, "tid": 46639, + "ts": 6495900648165.466, "dur": 0.928, + "args": { + "External id": 568,"Record function id": 0, "Sequence number": 733864, "Fwd thread id": 0, "Ev Idx": 55 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648165.899, "dur": 0.144, + "args": { + "External id": 569,"Record function id": 0, "Ev Idx": 56 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::index_select", "pid": 46639, "tid": 46639, + "ts": 6495900648169.596, "dur": 11.632, + "args": { + "External id": 570,"Record function id": 0, "Sequence number": 733864, "Fwd thread id": 0, "Ev Idx": 57 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, + "ts": 6495900648171.074, "dur": 1.218, + "args": { + "External id": 571,"Record function id": 0, "Ev Idx": 58 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::resize_", "pid": 46639, "tid": 46639, + "ts": 6495900648173.743, "dur": 0.974, + "args": { + "External id": 572,"Record function id": 0, "Ev Idx": 59 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 46639, "tid": 46639, + "ts": 6495900648192.697, "dur": 8.332, + "args": { + "External id": 573,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 60 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, + "ts": 6495900648193.031, "dur": 1.713, + "args": { + "External id": 574,"Record function id": 0, "Ev Idx": 61 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, + "ts": 6495900648193.247, "dur": 1.407, + "args": { + "External id": 575,"Record function id": 0, "Ev Idx": 62 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 46639, "tid": 46639, + "ts": 6495900648194.988, "dur": 5.906, + "args": { + "External id": 576,"Record function id": 0, "Ev Idx": 63 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, + "ts": 6495900648195.393, "dur": 5.176, + "args": { + "External id": 577,"Record function id": 0, "Ev Idx": 64 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_ones", "pid": 46639, "tid": 46639, + "ts": 6495900648202.075, "dur": 6.736, + "args": { + "External id": 578,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 65 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, + "ts": 6495900648202.382, "dur": 1.776, + "args": { + "External id": 579,"Record function id": 0, "Ev Idx": 66 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, + "ts": 6495900648202.544, "dur": 1.533, + "args": { + "External id": 580,"Record function id": 0, "Ev Idx": 67 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, + "ts": 6495900648204.375, "dur": 4.292, + "args": { + "External id": 581,"Record function id": 0, "Ev Idx": 68 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 46639, "tid": 46639, + "ts": 6495900648209.442, "dur": 7.205, + "args": { + "External id": 582,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 69 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648210.777, "dur": 0.207, + "args": { + "External id": 583,"Record function id": 0, "Ev Idx": 70 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648211.191, "dur": 0.109, + "args": { + "External id": 584,"Record function id": 0, "Ev Idx": 71 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::clamp", "pid": 46639, "tid": 46639, + "ts": 6495900648218.486, "dur": 6.429, + "args": { + "External id": 585,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 72 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::to", "pid": 46639, "tid": 46639, + "ts": 6495900648218.901, "dur": 0.099, + "args": { + "External id": 586,"Record function id": 0, "Ev Idx": 73 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 46639, "tid": 46639, + "ts": 6495900648226.782, "dur": 0.794, + "args": { + "External id": 587,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 74 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 46639, "tid": 46639, + "ts": 6495900648228.288, "dur": 1.343, + "args": { + "External id": 588,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 75 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 46639, "tid": 46639, + "ts": 6495900648228.558, "dur": 0.983, + "args": { + "External id": 589,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 76 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648229.045, "dur": 0.181, + "args": { + "External id": 590,"Record function id": 0, "Ev Idx": 77 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 46639, "tid": 46639, + "ts": 6495900648230.542, "dur": 7.196, + "args": { + "External id": 591,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 78 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, + "ts": 6495900648230.741, "dur": 1.767, + "args": { + "External id": 592,"Record function id": 0, "Ev Idx": 79 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, + "ts": 6495900648230.930, "dur": 1.506, + "args": { + "External id": 593,"Record function id": 0, "Ev Idx": 80 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 46639, "tid": 46639, + "ts": 6495900648232.706, "dur": 4.897, + "args": { + "External id": 594,"Record function id": 0, "Ev Idx": 81 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, + "ts": 6495900648233.031, "dur": 4.247, + "args": { + "External id": 595,"Record function id": 0, "Ev Idx": 82 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 46639, "tid": 46639, + "ts": 6495900648238.369, "dur": 9.369, + "args": { + "External id": 596,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 83 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648240.199, "dur": 0.127, + "args": { + "External id": 597,"Record function id": 0, "Ev Idx": 84 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648240.524, "dur": 0.126, + "args": { + "External id": 598,"Record function id": 0, "Ev Idx": 85 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 46639, "tid": 46639, + "ts": 6495900648249.108, "dur": 0.379, + "args": { + "External id": 599,"Record function id": 0, "Sequence number": 733866, "Fwd thread id": 0, "Ev Idx": 86 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 46639, "tid": 46639, + "ts": 6495900648249.920, "dur": 0.839, + "args": { + "External id": 600,"Record function id": 0, "Sequence number": 733866, "Fwd thread id": 0, "Ev Idx": 87 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 46639, "tid": 46639, + "ts": 6495900648250.073, "dur": 0.613, + "args": { + "External id": 601,"Record function id": 0, "Sequence number": 733866, "Fwd thread id": 0, "Ev Idx": 88 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648250.362, "dur": 0.126, + "args": { + "External id": 602,"Record function id": 0, "Ev Idx": 89 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::div", "pid": 46639, "tid": 46639, + "ts": 6495900648251.552, "dur": 7.583, + "args": { + "External id": 603,"Record function id": 0, "Sequence number": 733866, "Fwd thread id": 0, "Ev Idx": 90 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 46639, "tid": 46639, + "ts": 6495900648266.439, "dur": 18.882, + "args": { + "External id": 604,"Record function id": 0, "Sequence number": 733867, "Fwd thread id": 0, "Ev Idx": 91 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 46639, "tid": 46639, + "ts": 6495900648266.746, "dur": 1.677, + "args": { + "External id": 605,"Record function id": 0, "Sequence number": 733867, "Fwd thread id": 0, "Ev Idx": 92 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 46639, "tid": 46639, + "ts": 6495900648267.503, "dur": 0.496, + "args": { + "External id": 606,"Record function id": 0, "Ev Idx": 93 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648267.774, "dur": 0.135, + "args": { + "External id": 607,"Record function id": 0, "Ev Idx": 94 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::addmm", "pid": 46639, "tid": 46639, + "ts": 6495900648268.766, "dur": 16.411, + "args": { + "External id": 608,"Record function id": 0, "Sequence number": 733868, "Fwd thread id": 0, "Ev Idx": 95 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 46639, "tid": 46639, + "ts": 6495900648288.044, "dur": 14.446, + "args": { + "External id": 609,"Record function id": 0, "Sequence number": 733869, "Fwd thread id": 0, "Ev Idx": 96 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 46639, "tid": 46639, + "ts": 6495900648288.252, "dur": 1.226, + "args": { + "External id": 610,"Record function id": 0, "Sequence number": 733869, "Fwd thread id": 0, "Ev Idx": 97 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 46639, "tid": 46639, + "ts": 6495900648288.739, "dur": 0.432, + "args": { + "External id": 611,"Record function id": 0, "Ev Idx": 98 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648288.937, "dur": 0.153, + "args": { + "External id": 612,"Record function id": 0, "Ev Idx": 99 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::matmul", "pid": 46639, "tid": 46639, + "ts": 6495900648289.794, "dur": 12.578, + "args": { + "External id": 613,"Record function id": 0, "Sequence number": 733870, "Fwd thread id": 0, "Ev Idx": 100 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::mm", "pid": 46639, "tid": 46639, + "ts": 6495900648290.208, "dur": 11.975, + "args": { + "External id": 614,"Record function id": 0, "Sequence number": 733870, "Fwd thread id": 0, "Ev Idx": 101 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::add", "pid": 46639, "tid": 46639, + "ts": 6495900648303.445, "dur": 6.637, + "args": { + "External id": 615,"Record function id": 0, "Sequence number": 733871, "Fwd thread id": 0, "Ev Idx": 102 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::relu", "pid": 46639, "tid": 46639, + "ts": 6495900648315.808, "dur": 7.475, + "args": { + "External id": 616,"Record function id": 0, "Sequence number": 733872, "Fwd thread id": 0, "Ev Idx": 103 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::clamp_min", "pid": 46639, "tid": 46639, + "ts": 6495900648316.583, "dur": 5.843, + "args": { + "External id": 617,"Record function id": 0, "Ev Idx": 104 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::dropout", "pid": 46639, "tid": 46639, + "ts": 6495900648327.729, "dur": 0.135, + "args": { + "External id": 618,"Record function id": 0, "Sequence number": 733873, "Fwd thread id": 0, "Ev Idx": 105 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 46639, "tid": 46639, + "ts": 6495900648335.835, "dur": 1.235, + "args": { + "External id": 619,"Record function id": 0, "Sequence number": 733873, "Fwd thread id": 0, "Ev Idx": 106 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648336.403, "dur": 0.225, + "args": { + "External id": 620,"Record function id": 0, "Ev Idx": 107 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 46639, "tid": 46639, + "ts": 6495900648337.999, "dur": 0.622, + "args": { + "External id": 621,"Record function id": 0, "Sequence number": 733873, "Fwd thread id": 0, "Ev Idx": 108 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648338.261, "dur": 0.126, + "args": { + "External id": 622,"Record function id": 0, "Ev Idx": 109 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::index_select", "pid": 46639, "tid": 46639, + "ts": 6495900648341.191, "dur": 9.008, + "args": { + "External id": 623,"Record function id": 0, "Sequence number": 733873, "Fwd thread id": 0, "Ev Idx": 110 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, + "ts": 6495900648341.976, "dur": 1.091, + "args": { + "External id": 624,"Record function id": 0, "Ev Idx": 111 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::resize_", "pid": 46639, "tid": 46639, + "ts": 6495900648343.833, "dur": 0.812, + "args": { + "External id": 625,"Record function id": 0, "Ev Idx": 112 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 46639, "tid": 46639, + "ts": 6495900648359.018, "dur": 8.278, + "args": { + "External id": 626,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 113 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, + "ts": 6495900648359.315, "dur": 1.569, + "args": { + "External id": 627,"Record function id": 0, "Ev Idx": 114 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, + "ts": 6495900648359.523, "dur": 1.271, + "args": { + "External id": 628,"Record function id": 0, "Ev Idx": 115 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 46639, "tid": 46639, + "ts": 6495900648361.146, "dur": 6.014, + "args": { + "External id": 629,"Record function id": 0, "Ev Idx": 116 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, + "ts": 6495900648361.543, "dur": 5.194, + "args": { + "External id": 630,"Record function id": 0, "Ev Idx": 117 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_ones", "pid": 46639, "tid": 46639, + "ts": 6495900648368.179, "dur": 6.844, + "args": { + "External id": 631,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 118 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, + "ts": 6495900648368.441, "dur": 1.920, + "args": { + "External id": 632,"Record function id": 0, "Ev Idx": 119 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, + "ts": 6495900648368.603, "dur": 1.695, + "args": { + "External id": 633,"Record function id": 0, "Ev Idx": 120 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, + "ts": 6495900648370.578, "dur": 4.301, + "args": { + "External id": 634,"Record function id": 0, "Ev Idx": 121 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 46639, "tid": 46639, + "ts": 6495900648375.591, "dur": 6.502, + "args": { + "External id": 635,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 122 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648376.547, "dur": 0.171, + "args": { + "External id": 636,"Record function id": 0, "Ev Idx": 123 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648376.926, "dur": 0.108, + "args": { + "External id": 637,"Record function id": 0, "Ev Idx": 124 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::clamp", "pid": 46639, "tid": 46639, + "ts": 6495900648383.526, "dur": 6.069, + "args": { + "External id": 638,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 125 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::to", "pid": 46639, "tid": 46639, + "ts": 6495900648383.824, "dur": 0.072, + "args": { + "External id": 639,"Record function id": 0, "Ev Idx": 126 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 46639, "tid": 46639, + "ts": 6495900648390.965, "dur": 0.686, + "args": { + "External id": 640,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 127 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 46639, "tid": 46639, + "ts": 6495900648392.246, "dur": 1.055, + "args": { + "External id": 641,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 128 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 46639, "tid": 46639, + "ts": 6495900648392.435, "dur": 0.785, + "args": { + "External id": 642,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 129 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648392.805, "dur": 0.153, + "args": { + "External id": 643,"Record function id": 0, "Ev Idx": 130 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 46639, "tid": 46639, + "ts": 6495900648394.121, "dur": 7.602, + "args": { + "External id": 644,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 131 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, + "ts": 6495900648394.401, "dur": 1.569, + "args": { + "External id": 645,"Record function id": 0, "Ev Idx": 132 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, + "ts": 6495900648394.599, "dur": 1.281, + "args": { + "External id": 646,"Record function id": 0, "Ev Idx": 133 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 46639, "tid": 46639, + "ts": 6495900648396.177, "dur": 5.420, + "args": { + "External id": 647,"Record function id": 0, "Ev Idx": 134 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, + "ts": 6495900648396.484, "dur": 4.779, + "args": { + "External id": 648,"Record function id": 0, "Ev Idx": 135 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 46639, "tid": 46639, + "ts": 6495900648402.282, "dur": 6.916, + "args": { + "External id": 649,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 136 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648403.373, "dur": 0.099, + "args": { + "External id": 650,"Record function id": 0, "Ev Idx": 137 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648403.671, "dur": 0.081, + "args": { + "External id": 651,"Record function id": 0, "Ev Idx": 138 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 46639, "tid": 46639, + "ts": 6495900648410.046, "dur": 0.279, + "args": { + "External id": 652,"Record function id": 0, "Sequence number": 733875, "Fwd thread id": 0, "Ev Idx": 139 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 46639, "tid": 46639, + "ts": 6495900648410.749, "dur": 0.803, + "args": { + "External id": 653,"Record function id": 0, "Sequence number": 733875, "Fwd thread id": 0, "Ev Idx": 140 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 46639, "tid": 46639, + "ts": 6495900648410.884, "dur": 0.604, + "args": { + "External id": 654,"Record function id": 0, "Sequence number": 733875, "Fwd thread id": 0, "Ev Idx": 141 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648411.155, "dur": 0.117, + "args": { + "External id": 655,"Record function id": 0, "Ev Idx": 142 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::div", "pid": 46639, "tid": 46639, + "ts": 6495900648412.228, "dur": 6.997, + "args": { + "External id": 656,"Record function id": 0, "Sequence number": 733875, "Fwd thread id": 0, "Ev Idx": 143 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 46639, "tid": 46639, + "ts": 6495900648424.762, "dur": 16.239, + "args": { + "External id": 657,"Record function id": 0, "Sequence number": 733876, "Fwd thread id": 0, "Ev Idx": 144 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 46639, "tid": 46639, + "ts": 6495900648424.987, "dur": 1.407, + "args": { + "External id": 658,"Record function id": 0, "Sequence number": 733876, "Fwd thread id": 0, "Ev Idx": 145 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 46639, "tid": 46639, + "ts": 6495900648425.591, "dur": 0.460, + "args": { + "External id": 659,"Record function id": 0, "Ev Idx": 146 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648425.835, "dur": 0.117, + "args": { + "External id": 660,"Record function id": 0, "Ev Idx": 147 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::addmm", "pid": 46639, "tid": 46639, + "ts": 6495900648426.691, "dur": 14.175, + "args": { + "External id": 661,"Record function id": 0, "Sequence number": 733877, "Fwd thread id": 0, "Ev Idx": 148 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 46639, "tid": 46639, + "ts": 6495900648443.544, "dur": 14.085, + "args": { + "External id": 662,"Record function id": 0, "Sequence number": 733878, "Fwd thread id": 0, "Ev Idx": 149 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 46639, "tid": 46639, + "ts": 6495900648443.698, "dur": 1.262, + "args": { + "External id": 663,"Record function id": 0, "Sequence number": 733878, "Fwd thread id": 0, "Ev Idx": 150 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 46639, "tid": 46639, + "ts": 6495900648444.166, "dur": 0.478, + "args": { + "External id": 664,"Record function id": 0, "Ev Idx": 151 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, + "ts": 6495900648444.428, "dur": 0.144, + "args": { + "External id": 665,"Record function id": 0, "Ev Idx": 152 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::matmul", "pid": 46639, "tid": 46639, + "ts": 6495900648445.258, "dur": 12.254, + "args": { + "External id": 666,"Record function id": 0, "Sequence number": 733879, "Fwd thread id": 0, "Ev Idx": 153 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::mm", "pid": 46639, "tid": 46639, + "ts": 6495900648445.501, "dur": 11.821, + "args": { + "External id": 667,"Record function id": 0, "Sequence number": 733879, "Fwd thread id": 0, "Ev Idx": 154 + } + }, + { + "ph": "X", "cat": "cpu_op", "name": "aten::add", "pid": 46639, "tid": 46639, + "ts": 6495900648458.486, "dur": 6.366, + "args": { + "External id": 668,"Record function id": 0, "Sequence number": 733880, "Fwd thread id": 0, "Ev Idx": 155 + } + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900647833.293, "dur": 28.287, + "args": { + "External id": 517, "cbid": 211, "correlation": 197 + } + }, + { + "ph": "s", "id": 197, "pid": 46639, "tid": 46639, "ts": 6495900647833.293, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900647904.150, "dur": 7.637, + "args": { + "External id": 524, "cbid": 211, "correlation": 211 + } + }, + { + "ph": "s", "id": 211, "pid": 46639, "tid": 46639, "ts": 6495900647904.150, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900647919.190, "dur": 3.571, + "args": { + "External id": 528, "cbid": 211, "correlation": 226 + } + }, + { + "ph": "s", "id": 226, "pid": 46639, "tid": 46639, "ts": 6495900647919.190, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900647936.566, "dur": 4.834, + "args": { + "External id": 529, "cbid": 211, "correlation": 232 + } + }, + { + "ph": "s", "id": 232, "pid": 46639, "tid": 46639, "ts": 6495900647936.566, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900647955.033, "dur": 5.086, + "args": { + "External id": 532, "cbid": 211, "correlation": 242 + } + }, + { + "ph": "s", "id": 242, "pid": 46639, "tid": 46639, "ts": 6495900647955.033, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900647976.702, "dur": 3.670, + "args": { + "External id": 542, "cbid": 211, "correlation": 256 + } + }, + { + "ph": "s", "id": 256, "pid": 46639, "tid": 46639, "ts": 6495900647976.702, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900647985.196, "dur": 3.516, + "args": { + "External id": 543, "cbid": 211, "correlation": 264 + } + }, + { + "ph": "s", "id": 264, "pid": 46639, "tid": 46639, "ts": 6495900647985.196, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648001.192, "dur": 4.220, + "args": { + "External id": 550, "cbid": 211, "correlation": 274 + } + }, + { + "ph": "s", "id": 274, "pid": 46639, "tid": 46639, "ts": 6495900648001.192, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648063.040, "dur": 6.619, + "args": { + "External id": 555, "cbid": 211, "correlation": 293 + } + }, + { + "ph": "s", "id": 293, "pid": 46639, "tid": 46639, "ts": 6495900648063.040, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648071.480, "dur": 4.617, + "args": { + "External id": 555, "cbid": 211, "correlation": 295 + } + }, + { + "ph": "s", "id": 295, "pid": 46639, "tid": 46639, "ts": 6495900648071.480, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648098.847, "dur": 3.652, + "args": { + "External id": 561, "cbid": 211, "correlation": 312 + } + }, + { + "ph": "s", "id": 312, "pid": 46639, "tid": 46639, "ts": 6495900648098.847, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648103.284, "dur": 3.219, + "args": { + "External id": 561, "cbid": 211, "correlation": 314 + } + }, + { + "ph": "s", "id": 314, "pid": 46639, "tid": 46639, "ts": 6495900648103.284, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648116.981, "dur": 4.598, + "args": { + "External id": 562, "cbid": 211, "correlation": 324 + } + }, + { + "ph": "s", "id": 324, "pid": 46639, "tid": 46639, "ts": 6495900648116.981, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648135.682, "dur": 3.977, + "args": { + "External id": 564, "cbid": 211, "correlation": 335 + } + }, + { + "ph": "s", "id": 335, "pid": 46639, "tid": 46639, "ts": 6495900648135.682, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648175.953, "dur": 4.481, + "args": { + "External id": 570, "cbid": 211, "correlation": 362 + } + }, + { + "ph": "s", "id": 362, "pid": 46639, "tid": 46639, "ts": 6495900648175.953, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648196.448, "dur": 3.589, + "args": { + "External id": 577, "cbid": 211, "correlation": 376 + } + }, + { + "ph": "s", "id": 376, "pid": 46639, "tid": 46639, "ts": 6495900648196.448, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648204.970, "dur": 3.237, + "args": { + "External id": 581, "cbid": 211, "correlation": 391 + } + }, + { + "ph": "s", "id": 391, "pid": 46639, "tid": 46639, "ts": 6495900648204.970, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648212.445, "dur": 3.480, + "args": { + "External id": 582, "cbid": 211, "correlation": 397 + } + }, + { + "ph": "s", "id": 397, "pid": 46639, "tid": 46639, "ts": 6495900648212.445, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648221.056, "dur": 3.174, + "args": { + "External id": 585, "cbid": 211, "correlation": 407 + } + }, + { + "ph": "s", "id": 407, "pid": 46639, "tid": 46639, "ts": 6495900648221.056, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648233.698, "dur": 3.111, + "args": { + "External id": 595, "cbid": 211, "correlation": 421 + } + }, + { + "ph": "s", "id": 421, "pid": 46639, "tid": 46639, "ts": 6495900648233.698, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648241.561, "dur": 3.003, + "args": { + "External id": 596, "cbid": 211, "correlation": 429 + } + }, + { + "ph": "s", "id": 429, "pid": 46639, "tid": 46639, "ts": 6495900648241.561, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648254.897, "dur": 3.382, + "args": { + "External id": 603, "cbid": 211, "correlation": 439 + } + }, + { + "ph": "s", "id": 439, "pid": 46639, "tid": 46639, "ts": 6495900648254.897, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648276.773, "dur": 4.031, + "args": { + "External id": 608, "cbid": 211, "correlation": 458 + } + }, + { + "ph": "s", "id": 458, "pid": 46639, "tid": 46639, "ts": 6495900648276.773, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648281.209, "dur": 2.850, + "args": { + "External id": 608, "cbid": 211, "correlation": 460 + } + }, + { + "ph": "s", "id": 460, "pid": 46639, "tid": 46639, "ts": 6495900648281.209, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648295.384, "dur": 3.273, + "args": { + "External id": 614, "cbid": 211, "correlation": 477 + } + }, + { + "ph": "s", "id": 477, "pid": 46639, "tid": 46639, "ts": 6495900648295.384, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648298.982, "dur": 2.426, + "args": { + "External id": 614, "cbid": 211, "correlation": 479 + } + }, + { + "ph": "s", "id": 479, "pid": 46639, "tid": 46639, "ts": 6495900648298.982, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648306.115, "dur": 3.219, + "args": { + "External id": 615, "cbid": 211, "correlation": 489 + } + }, + { + "ph": "s", "id": 489, "pid": 46639, "tid": 46639, "ts": 6495900648306.115, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648318.540, "dur": 3.372, + "args": { + "External id": 617, "cbid": 211, "correlation": 500 + } + }, + { + "ph": "s", "id": 500, "pid": 46639, "tid": 46639, "ts": 6495900648318.540, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648345.637, "dur": 3.859, + "args": { + "External id": 623, "cbid": 211, "correlation": 527 + } + }, + { + "ph": "s", "id": 527, "pid": 46639, "tid": 46639, "ts": 6495900648345.637, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648362.489, "dur": 3.716, + "args": { + "External id": 630, "cbid": 211, "correlation": 541 + } + }, + { + "ph": "s", "id": 541, "pid": 46639, "tid": 46639, "ts": 6495900648362.489, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648371.155, "dur": 3.264, + "args": { + "External id": 634, "cbid": 211, "correlation": 556 + } + }, + { + "ph": "s", "id": 556, "pid": 46639, "tid": 46639, "ts": 6495900648371.155, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648377.918, "dur": 3.516, + "args": { + "External id": 635, "cbid": 211, "correlation": 562 + } + }, + { + "ph": "s", "id": 562, "pid": 46639, "tid": 46639, "ts": 6495900648377.918, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648385.727, "dur": 3.282, + "args": { + "External id": 638, "cbid": 211, "correlation": 572 + } + }, + { + "ph": "s", "id": 572, "pid": 46639, "tid": 46639, "ts": 6495900648385.727, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648397.061, "dur": 3.751, + "args": { + "External id": 648, "cbid": 211, "correlation": 586 + } + }, + { + "ph": "s", "id": 586, "pid": 46639, "tid": 46639, "ts": 6495900648397.061, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648404.500, "dur": 3.255, + "args": { + "External id": 649, "cbid": 211, "correlation": 594 + } + }, + { + "ph": "s", "id": 594, "pid": 46639, "tid": 46639, "ts": 6495900648404.500, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648415.059, "dur": 3.517, + "args": { + "External id": 656, "cbid": 211, "correlation": 604 + } + }, + { + "ph": "s", "id": 604, "pid": 46639, "tid": 46639, "ts": 6495900648415.059, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648433.418, "dur": 3.751, + "args": { + "External id": 661, "cbid": 211, "correlation": 623 + } + }, + { + "ph": "s", "id": 623, "pid": 46639, "tid": 46639, "ts": 6495900648433.418, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648437.530, "dur": 2.317, + "args": { + "External id": 661, "cbid": 211, "correlation": 625 + } + }, + { + "ph": "s", "id": 625, "pid": 46639, "tid": 46639, "ts": 6495900648437.530, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648449.847, "dur": 3.427, + "args": { + "External id": 667, "cbid": 211, "correlation": 642 + } + }, + { + "ph": "s", "id": 642, "pid": 46639, "tid": 46639, "ts": 6495900648449.847, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648453.598, "dur": 2.940, + "args": { + "External id": 667, "cbid": 211, "correlation": 644 + } + }, + { + "ph": "s", "id": 644, "pid": 46639, "tid": 46639, "ts": 6495900648453.598, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, + "ts": 6495900648460.947, "dur": 3.156, + "args": { + "External id": 668, "cbid": 211, "correlation": 654 + } + }, + { + "ph": "s", "id": 654, "pid": 46639, "tid": 46639, "ts": 6495900648460.947, + "cat": "ac2g", "name": "ac2g" + }, + { + "ph": "X", "cat": "cuda_runtime", "name": "cudaDeviceSynchronize", "pid": 46639, "tid": 46639, + "ts": 6495900648502.958, "dur": 7.520, + "args": { + "External id": 660, "cbid": 165, "correlation": 660 + } + }, + { + "ph": "s", "id": 660, "pid": 46639, "tid": 46639, "ts": 6495900648502.958, + "cat": "ac2g", "name": "ac2g" + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 46639, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 46639, "tid": 0, + "args": { + "labels": "CPU" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 46639, "tid": 0, + "args": { + "sort_index": 46639 + } + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 0, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 0, "tid": 0, + "args": { + "labels": "GPU 0" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 0, "tid": 0, + "args": { + "sort_index": 5000000 + } + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 1, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 1, "tid": 0, + "args": { + "labels": "GPU 1" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 1, "tid": 0, + "args": { + "sort_index": 5000001 + } + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 2, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 2, "tid": 0, + "args": { + "labels": "GPU 2" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 2, "tid": 0, + "args": { + "sort_index": 5000002 + } + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 3, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 3, "tid": 0, + "args": { + "labels": "GPU 3" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 3, "tid": 0, + "args": { + "sort_index": 5000003 + } + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 4, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 4, "tid": 0, + "args": { + "labels": "GPU 4" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 4, "tid": 0, + "args": { + "sort_index": 5000004 + } + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 5, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 5, "tid": 0, + "args": { + "labels": "GPU 5" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 5, "tid": 0, + "args": { + "sort_index": 5000005 + } + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 6, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 6, "tid": 0, + "args": { + "labels": "GPU 6" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 6, "tid": 0, + "args": { + "sort_index": 5000006 + } + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 7, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 7, "tid": 0, + "args": { + "labels": "GPU 7" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 7, "tid": 0, + "args": { + "sort_index": 5000007 + } + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 8, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 8, "tid": 0, + "args": { + "labels": "GPU 8" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 8, "tid": 0, + "args": { + "sort_index": 5000008 + } + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 9, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 9, "tid": 0, + "args": { + "labels": "GPU 9" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 9, "tid": 0, + "args": { + "sort_index": 5000009 + } + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 10, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 10, "tid": 0, + "args": { + "labels": "GPU 10" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 10, "tid": 0, + "args": { + "sort_index": 5000010 + } + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 11, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 11, "tid": 0, + "args": { + "labels": "GPU 11" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 11, "tid": 0, + "args": { + "sort_index": 5000011 + } + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 12, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 12, "tid": 0, + "args": { + "labels": "GPU 12" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 12, "tid": 0, + "args": { + "sort_index": 5000012 + } + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 13, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 13, "tid": 0, + "args": { + "labels": "GPU 13" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 13, "tid": 0, + "args": { + "sort_index": 5000013 + } + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 14, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 14, "tid": 0, + "args": { + "labels": "GPU 14" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 14, "tid": 0, + "args": { + "sort_index": 5000014 + } + }, + { + "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 15, "tid": 0, + "args": { + "name": "python" + } + }, + { + "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 15, "tid": 0, + "args": { + "labels": "GPU 15" + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 15, "tid": 0, + "args": { + "sort_index": 5000015 + } + }, + { + "name": "thread_name", "ph": "M", "ts": 6495900646771.287, "pid": 46639, "tid": 46639, + "args": { + "name": "thread 46639 (pytest)" + } + }, + { + "name": "thread_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 46639, "tid": 46639, + "args": { + "sort_index": 46639 + } + }, + { + "name": "thread_name", "ph": "M", "ts": 6495900646771.287, "pid": 46639, "tid": 46639, + "args": { + "name": "thread 46639 (pytest)" + } + }, + { + "name": "thread_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 46639, "tid": 46639, + "args": { + "sort_index": 46639 + } + }, + { + "ph": "X", "cat": "Trace", "ts": 6495900646742.847, "dur": 1771.411, + "pid": "Spans", "tid": "PyTorch Profiler", + "name": "PyTorch Profiler (0)", + "args": { + "Op count": 0 + } + }, + { + "name": "process_sort_index", "ph": "M", "ts": 6495900646742.847, + "pid": "Spans", "tid": 0, + "args": { + "sort_index": 536870912 + } + }, + { + "name": "Iteration Start: PyTorch Profiler", "ph": "i", "s": "g", + "pid": "Traces", "tid": "Trace PyTorch Profiler", "ts": 6495900646742.847 + }, + { + "name": "Record Window End", "ph": "i", "s": "g", + "pid": "", "tid": "", "ts": 6495900648633.031 + } + ], + "traceName": "/home/cjiang/Stanford_Classes/pyg_pr/personal/timeline.json", + "displayTimeUnit": "ms", + "baseTimeNanoseconds": 1727743122000000000 +} \ No newline at end of file From b9c8ae2ebcb56bacb31270e2ac02a5e1bc7d2a3c Mon Sep 17 00:00:00 2001 From: cjiang-git Date: Sat, 14 Dec 2024 21:11:48 -0800 Subject: [PATCH 4/9] fixed typo --- CHANGELOG.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/CHANGELOG.md b/CHANGELOG.md index fe9b98575ad3..f57509982a35 100644 --- a/CHANGELOG.md +++ b/CHANGELOG.md @@ -23,7 +23,7 @@ The format is based on [Keep a Changelog](http://keepachangelog.com/en/1.0.0/). - Added the `use_pcst` option to `WebQSPDataset` ([#9722](https://github.com/pyg-team/pytorch_geometric/pull/9722)) - Allowed users to pass `edge_weight` to `GraphUNet` models ([#9737](https://github.com/pyg-team/pytorch_geometric/pull/9737)) - Consolidated `examples/ogbn_{papers_100m,products_gat,products_sage}.py` into `examples/ogbn_train.py` ([#9467](https://github.com/pyg-team/pytorch_geometric/pull/9467)) -- Added `transH` model to kge models ([#9868](https://github.com/pyg-team/pytorch_geometric/pull/9868)) +- Added `TransH` model to kge models ([#9868](https://github.com/pyg-team/pytorch_geometric/pull/9868)) ### Changed From d06d093eba83ec02c934bd25d7230bb44425ea1b Mon Sep 17 00:00:00 2001 From: "pre-commit-ci[bot]" <66853113+pre-commit-ci[bot]@users.noreply.github.com> Date: Sun, 15 Dec 2024 05:11:57 +0000 Subject: [PATCH 5/9] [pre-commit.ci] auto fixes from pre-commit.com hooks for more information, see https://pre-commit.ci --- timeline.json | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/timeline.json b/timeline.json index bac4000937cd..277642f0045a 100644 --- a/timeline.json +++ b/timeline.json @@ -1923,4 +1923,4 @@ "traceName": "/home/cjiang/Stanford_Classes/pyg_pr/personal/timeline.json", "displayTimeUnit": "ms", "baseTimeNanoseconds": 1727743122000000000 -} \ No newline at end of file +} From cbb4a2305f74468c3af5ac42d41d7d4786e446ec Mon Sep 17 00:00:00 2001 From: cjiang-git Date: Sat, 14 Dec 2024 21:12:09 -0800 Subject: [PATCH 6/9] fixed typo --- CHANGELOG.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/CHANGELOG.md b/CHANGELOG.md index f57509982a35..869548ff9ed9 100644 --- a/CHANGELOG.md +++ b/CHANGELOG.md @@ -23,7 +23,7 @@ The format is based on [Keep a Changelog](http://keepachangelog.com/en/1.0.0/). - Added the `use_pcst` option to `WebQSPDataset` ([#9722](https://github.com/pyg-team/pytorch_geometric/pull/9722)) - Allowed users to pass `edge_weight` to `GraphUNet` models ([#9737](https://github.com/pyg-team/pytorch_geometric/pull/9737)) - Consolidated `examples/ogbn_{papers_100m,products_gat,products_sage}.py` into `examples/ogbn_train.py` ([#9467](https://github.com/pyg-team/pytorch_geometric/pull/9467)) -- Added `TransH` model to kge models ([#9868](https://github.com/pyg-team/pytorch_geometric/pull/9868)) +- Added `TransH` implementation to kge models ([#9868](https://github.com/pyg-team/pytorch_geometric/pull/9868)) ### Changed From 8784fdc5b63c0b132185c72e192815c279de5b4d Mon Sep 17 00:00:00 2001 From: cjiang-git Date: Sat, 14 Dec 2024 21:38:21 -0800 Subject: [PATCH 7/9] fixed some comments --- timeline.json | 1158 ++++++++++++++++++++++++------------------------- 1 file changed, 579 insertions(+), 579 deletions(-) diff --git a/timeline.json b/timeline.json index 277642f0045a..3b216f11adf6 100644 --- a/timeline.json +++ b/timeline.json @@ -13,1891 +13,1891 @@ ], "traceEvents": [ { - "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 46639, "tid": 46639, - "ts": 6495900647539.841, "dur": 6.267, + "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 55601, "tid": 55601, + "ts": 6497726180153.969, "dur": 8.012, "args": { - "External id": 513,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 0 + "External id": 513,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 0 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900647542.366, "dur": 1.659, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180157.056, "dur": 2.398, "args": { "External id": 514,"Record function id": 0, "Ev Idx": 1 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 46639, "tid": 46639, - "ts": 6495900647551.419, "dur": 0.983, + "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 55601, "tid": 55601, + "ts": 6497726180167.733, "dur": 1.011, "args": { - "External id": 515,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 2 + "External id": 515,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 2 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900647551.806, "dur": 0.190, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180168.119, "dur": 0.174, "args": { "External id": 516,"Record function id": 0, "Ev Idx": 3 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::index_select", "pid": 46639, "tid": 46639, - "ts": 6495900647560.165, "dur": 303.074, + "ph": "X", "cat": "cpu_op", "name": "aten::index_select", "pid": 55601, "tid": 55601, + "ts": 6497726180176.894, "dur": 344.550, "args": { - "External id": 517,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 4 + "External id": 517,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 4 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, - "ts": 6495900647562.284, "dur": 3.643, + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 55601, "tid": 55601, + "ts": 6497726180179.356, "dur": 4.411, "args": { "External id": 518,"Record function id": 0, "Ev Idx": 5 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::resize_", "pid": 46639, "tid": 46639, - "ts": 6495900647815.340, "dur": 8.035, + "ph": "X", "cat": "cpu_op", "name": "aten::resize_", "pid": 55601, "tid": 55601, + "ts": 6497726180465.082, "dur": 11.660, "args": { "External id": 519,"Record function id": 0, "Ev Idx": 6 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 46639, "tid": 46639, - "ts": 6495900647891.355, "dur": 21.731, + "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 55601, "tid": 55601, + "ts": 6497726180556.057, "dur": 23.927, "args": { - "External id": 520,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 7 + "External id": 520,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 7 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, - "ts": 6495900647892.509, "dur": 3.904, + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 55601, "tid": 55601, + "ts": 6497726180557.307, "dur": 4.925, "args": { "External id": 521,"Record function id": 0, "Ev Idx": 8 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, - "ts": 6495900647893.104, "dur": 3.165, + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 55601, "tid": 55601, + "ts": 6497726180558.033, "dur": 4.061, "args": { "External id": 522,"Record function id": 0, "Ev Idx": 9 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 46639, "tid": 46639, - "ts": 6495900647896.936, "dur": 15.961, + "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 55601, "tid": 55601, + "ts": 6497726180562.939, "dur": 16.843, "args": { "External id": 523,"Record function id": 0, "Ev Idx": 10 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, - "ts": 6495900647897.748, "dur": 14.788, + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 55601, "tid": 55601, + "ts": 6497726180563.895, "dur": 15.519, "args": { "External id": 524,"Record function id": 0, "Ev Idx": 11 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_ones", "pid": 46639, "tid": 46639, - "ts": 6495900647915.241, "dur": 8.197, + "ph": "X", "cat": "cpu_op", "name": "aten::new_ones", "pid": 55601, "tid": 55601, + "ts": 6497726180582.318, "dur": 8.913, "args": { - "External id": 525,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 12 + "External id": 525,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 12 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, - "ts": 6495900647915.872, "dur": 2.218, + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 55601, "tid": 55601, + "ts": 6497726180583.053, "dur": 2.380, "args": { "External id": 526,"Record function id": 0, "Ev Idx": 13 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, - "ts": 6495900647916.062, "dur": 1.947, + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 55601, "tid": 55601, + "ts": 6497726180583.264, "dur": 2.068, "args": { "External id": 527,"Record function id": 0, "Ev Idx": 14 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, - "ts": 6495900647918.298, "dur": 4.968, + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 55601, "tid": 55601, + "ts": 6497726180585.699, "dur": 5.357, "args": { "External id": 528,"Record function id": 0, "Ev Idx": 15 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 46639, "tid": 46639, - "ts": 6495900647925.106, "dur": 17.845, + "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 55601, "tid": 55601, + "ts": 6497726180592.986, "dur": 19.388, "args": { - "External id": 529,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 16 + "External id": 529,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 16 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900647931.337, "dur": 0.910, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180600.153, "dur": 1.204, "args": { "External id": 530,"Record function id": 0, "Ev Idx": 17 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900647932.572, "dur": 0.171, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180601.678, "dur": 0.156, "args": { "External id": 531,"Record function id": 0, "Ev Idx": 18 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::clamp", "pid": 46639, "tid": 46639, - "ts": 6495900647946.954, "dur": 14.409, + "ph": "X", "cat": "cpu_op", "name": "aten::clamp", "pid": 55601, "tid": 55601, + "ts": 6497726180616.701, "dur": 15.281, "args": { - "External id": 532,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 19 + "External id": 532,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 19 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::to", "pid": 46639, "tid": 46639, - "ts": 6495900647948.144, "dur": 0.154, + "ph": "X", "cat": "cpu_op", "name": "aten::to", "pid": 55601, "tid": 55601, + "ts": 6497726180617.979, "dur": 0.229, "args": { "External id": 533,"Record function id": 0, "Ev Idx": 20 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 46639, "tid": 46639, - "ts": 6495900647964.339, "dur": 2.696, + "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 55601, "tid": 55601, + "ts": 6497726180635.345, "dur": 3.170, "args": { - "External id": 534,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 21 + "External id": 534,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 21 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 46639, "tid": 46639, - "ts": 6495900647968.325, "dur": 2.939, + "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 55601, "tid": 55601, + "ts": 6497726180640.343, "dur": 3.134, "args": { - "External id": 535,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 22 + "External id": 535,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 22 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 46639, "tid": 46639, - "ts": 6495900647968.902, "dur": 2.245, + "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 55601, "tid": 55601, + "ts": 6497726180640.867, "dur": 2.490, "args": { - "External id": 536,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 23 + "External id": 536,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 23 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900647970.083, "dur": 0.442, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180642.273, "dur": 0.441, "args": { "External id": 537,"Record function id": 0, "Ev Idx": 24 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 46639, "tid": 46639, - "ts": 6495900647972.590, "dur": 8.710, + "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 55601, "tid": 55601, + "ts": 6497726180644.809, "dur": 9.051, "args": { - "External id": 538,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 25 + "External id": 538,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 25 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, - "ts": 6495900647972.824, "dur": 2.327, + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 55601, "tid": 55601, + "ts": 6497726180645.066, "dur": 2.518, "args": { "External id": 539,"Record function id": 0, "Ev Idx": 26 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, - "ts": 6495900647973.050, "dur": 2.028, + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 55601, "tid": 55601, + "ts": 6497726180645.516, "dur": 1.967, "args": { "External id": 540,"Record function id": 0, "Ev Idx": 27 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 46639, "tid": 46639, - "ts": 6495900647975.394, "dur": 5.762, + "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 55601, "tid": 55601, + "ts": 6497726180647.860, "dur": 5.862, "args": { "External id": 541,"Record function id": 0, "Ev Idx": 28 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, - "ts": 6495900647975.782, "dur": 5.049, + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 55601, "tid": 55601, + "ts": 6497726180648.264, "dur": 5.099, "args": { "External id": 542,"Record function id": 0, "Ev Idx": 29 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 46639, "tid": 46639, - "ts": 6495900647982.103, "dur": 7.277, + "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 55601, "tid": 55601, + "ts": 6497726180654.650, "dur": 7.672, "args": { - "External id": 543,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 30 + "External id": 543,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 30 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900647983.203, "dur": 0.207, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180656.001, "dur": 0.174, "args": { "External id": 544,"Record function id": 0, "Ev Idx": 31 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900647983.672, "dur": 0.126, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180656.386, "dur": 0.111, "args": { "External id": 545,"Record function id": 0, "Ev Idx": 32 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 46639, "tid": 46639, - "ts": 6495900647990.642, "dur": 0.622, + "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 55601, "tid": 55601, + "ts": 6497726180663.609, "dur": 0.707, "args": { - "External id": 546,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 33 + "External id": 546,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 33 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 46639, "tid": 46639, - "ts": 6495900647991.796, "dur": 1.037, + "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 55601, "tid": 55601, + "ts": 6497726180664.794, "dur": 1.103, "args": { - "External id": 547,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 34 + "External id": 547,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 34 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 46639, "tid": 46639, - "ts": 6495900647991.995, "dur": 0.766, + "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 55601, "tid": 55601, + "ts": 6497726180664.987, "dur": 0.836, "args": { - "External id": 548,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 35 + "External id": 548,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 35 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900647992.328, "dur": 0.163, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180665.354, "dur": 0.138, "args": { "External id": 549,"Record function id": 0, "Ev Idx": 36 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::div", "pid": 46639, "tid": 46639, - "ts": 6495900647994.186, "dur": 12.290, + "ph": "X", "cat": "cpu_op", "name": "aten::div", "pid": 55601, "tid": 55601, + "ts": 6497726180667.293, "dur": 13.516, "args": { - "External id": 550,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 37 + "External id": 550,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 37 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 46639, "tid": 46639, - "ts": 6495900648017.666, "dur": 61.046, + "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 55601, "tid": 55601, + "ts": 6497726180691.992, "dur": 66.038, "args": { - "External id": 551,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 38 + "External id": 551,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 38 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 46639, "tid": 46639, - "ts": 6495900648018.325, "dur": 4.968, + "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 55601, "tid": 55601, + "ts": 6497726180692.672, "dur": 5.403, "args": { - "External id": 552,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 39 + "External id": 552,"Record function id": 0, "Sequence number": 733852, "Fwd thread id": 0, "Ev Idx": 39 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 46639, "tid": 46639, - "ts": 6495900648021.174, "dur": 0.974, + "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 55601, "tid": 55601, + "ts": 6497726180695.787, "dur": 1.093, "args": { "External id": 553,"Record function id": 0, "Ev Idx": 40 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648021.751, "dur": 0.216, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180696.402, "dur": 0.267, "args": { "External id": 554,"Record function id": 0, "Ev Idx": 41 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::addmm", "pid": 46639, "tid": 46639, - "ts": 6495900648023.852, "dur": 54.554, + "ph": "X", "cat": "cpu_op", "name": "aten::addmm", "pid": 55601, "tid": 55601, + "ts": 6497726180698.791, "dur": 58.908, "args": { - "External id": 555,"Record function id": 0, "Sequence number": 733859, "Fwd thread id": 0, "Ev Idx": 42 + "External id": 555,"Record function id": 0, "Sequence number": 733853, "Fwd thread id": 0, "Ev Idx": 42 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 46639, "tid": 46639, - "ts": 6495900648083.302, "dur": 25.049, + "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 55601, "tid": 55601, + "ts": 6497726180762.817, "dur": 27.152, "args": { - "External id": 556,"Record function id": 0, "Sequence number": 733860, "Fwd thread id": 0, "Ev Idx": 43 + "External id": 556,"Record function id": 0, "Sequence number": 733854, "Fwd thread id": 0, "Ev Idx": 43 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 46639, "tid": 46639, - "ts": 6495900648083.599, "dur": 1.750, + "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 55601, "tid": 55601, + "ts": 6497726180763.056, "dur": 1.837, "args": { - "External id": 557,"Record function id": 0, "Sequence number": 733860, "Fwd thread id": 0, "Ev Idx": 44 + "External id": 557,"Record function id": 0, "Sequence number": 733854, "Fwd thread id": 0, "Ev Idx": 44 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 46639, "tid": 46639, - "ts": 6495900648084.312, "dur": 0.568, + "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 55601, "tid": 55601, + "ts": 6497726180763.828, "dur": 0.560, "args": { "External id": 558,"Record function id": 0, "Ev Idx": 45 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648084.591, "dur": 0.208, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180764.057, "dur": 0.230, "args": { "External id": 559,"Record function id": 0, "Ev Idx": 46 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::matmul", "pid": 46639, "tid": 46639, - "ts": 6495900648085.890, "dur": 22.245, + "ph": "X", "cat": "cpu_op", "name": "aten::matmul", "pid": 55601, "tid": 55601, + "ts": 6497726180765.463, "dur": 24.285, "args": { - "External id": 560,"Record function id": 0, "Sequence number": 733861, "Fwd thread id": 0, "Ev Idx": 47 + "External id": 560,"Record function id": 0, "Sequence number": 733855, "Fwd thread id": 0, "Ev Idx": 47 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::mm", "pid": 46639, "tid": 46639, - "ts": 6495900648086.584, "dur": 21.235, + "ph": "X", "cat": "cpu_op", "name": "aten::mm", "pid": 55601, "tid": 55601, + "ts": 6497726180766.483, "dur": 22.889, "args": { - "External id": 561,"Record function id": 0, "Sequence number": 733861, "Fwd thread id": 0, "Ev Idx": 48 + "External id": 561,"Record function id": 0, "Sequence number": 733855, "Fwd thread id": 0, "Ev Idx": 48 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::add", "pid": 46639, "tid": 46639, - "ts": 6495900648109.911, "dur": 12.832, + "ph": "X", "cat": "cpu_op", "name": "aten::add", "pid": 55601, "tid": 55601, + "ts": 6497726180791.908, "dur": 14.416, "args": { - "External id": 562,"Record function id": 0, "Sequence number": 733862, "Fwd thread id": 0, "Ev Idx": 49 + "External id": 562,"Record function id": 0, "Sequence number": 733856, "Fwd thread id": 0, "Ev Idx": 49 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::relu", "pid": 46639, "tid": 46639, - "ts": 6495900648130.786, "dur": 11.208, + "ph": "X", "cat": "cpu_op", "name": "aten::relu", "pid": 55601, "tid": 55601, + "ts": 6497726180815.237, "dur": 10.760, "args": { - "External id": 563,"Record function id": 0, "Sequence number": 733863, "Fwd thread id": 0, "Ev Idx": 50 + "External id": 563,"Record function id": 0, "Sequence number": 733857, "Fwd thread id": 0, "Ev Idx": 50 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::clamp_min", "pid": 46639, "tid": 46639, - "ts": 6495900648132.400, "dur": 7.863, + "ph": "X", "cat": "cpu_op", "name": "aten::clamp_min", "pid": 55601, "tid": 55601, + "ts": 6497726180817.038, "dur": 7.094, "args": { "External id": 564,"Record function id": 0, "Ev Idx": 51 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::dropout", "pid": 46639, "tid": 46639, - "ts": 6495900648148.937, "dur": 0.406, + "ph": "X", "cat": "cpu_op", "name": "aten::dropout", "pid": 55601, "tid": 55601, + "ts": 6497726180833.973, "dur": 0.413, "args": { - "External id": 565,"Record function id": 0, "Sequence number": 733864, "Fwd thread id": 0, "Ev Idx": 52 + "External id": 565,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 52 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 46639, "tid": 46639, - "ts": 6495900648161.354, "dur": 2.822, + "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 55601, "tid": 55601, + "ts": 6497726180847.507, "dur": 3.088, "args": { - "External id": 566,"Record function id": 0, "Sequence number": 733864, "Fwd thread id": 0, "Ev Idx": 53 + "External id": 566,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 53 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648162.869, "dur": 0.424, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180849.216, "dur": 0.432, "args": { "External id": 567,"Record function id": 0, "Ev Idx": 54 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 46639, "tid": 46639, - "ts": 6495900648165.466, "dur": 0.928, + "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 55601, "tid": 55601, + "ts": 6497726180851.899, "dur": 0.892, "args": { - "External id": 568,"Record function id": 0, "Sequence number": 733864, "Fwd thread id": 0, "Ev Idx": 55 + "External id": 568,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 55 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648165.899, "dur": 0.144, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180852.294, "dur": 0.157, "args": { "External id": 569,"Record function id": 0, "Ev Idx": 56 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::index_select", "pid": 46639, "tid": 46639, - "ts": 6495900648169.596, "dur": 11.632, + "ph": "X", "cat": "cpu_op", "name": "aten::index_select", "pid": 55601, "tid": 55601, + "ts": 6497726180856.291, "dur": 12.515, "args": { - "External id": 570,"Record function id": 0, "Sequence number": 733864, "Fwd thread id": 0, "Ev Idx": 57 + "External id": 570,"Record function id": 0, "Sequence number": 733858, "Fwd thread id": 0, "Ev Idx": 57 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, - "ts": 6495900648171.074, "dur": 1.218, + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 55601, "tid": 55601, + "ts": 6497726180857.798, "dur": 1.397, "args": { "External id": 571,"Record function id": 0, "Ev Idx": 58 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::resize_", "pid": 46639, "tid": 46639, - "ts": 6495900648173.743, "dur": 0.974, + "ph": "X", "cat": "cpu_op", "name": "aten::resize_", "pid": 55601, "tid": 55601, + "ts": 6497726180860.601, "dur": 1.121, "args": { "External id": 572,"Record function id": 0, "Ev Idx": 59 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 46639, "tid": 46639, - "ts": 6495900648192.697, "dur": 8.332, + "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 55601, "tid": 55601, + "ts": 6497726180880.788, "dur": 8.637, "args": { - "External id": 573,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 60 + "External id": 573,"Record function id": 0, "Sequence number": 733859, "Fwd thread id": 0, "Ev Idx": 60 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, - "ts": 6495900648193.031, "dur": 1.713, + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 55601, "tid": 55601, + "ts": 6497726180881.128, "dur": 1.874, "args": { "External id": 574,"Record function id": 0, "Ev Idx": 61 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, - "ts": 6495900648193.247, "dur": 1.407, + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 55601, "tid": 55601, + "ts": 6497726180881.367, "dur": 1.562, "args": { "External id": 575,"Record function id": 0, "Ev Idx": 62 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 46639, "tid": 46639, - "ts": 6495900648194.988, "dur": 5.906, + "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 55601, "tid": 55601, + "ts": 6497726180883.315, "dur": 5.972, "args": { "External id": 576,"Record function id": 0, "Ev Idx": 63 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, - "ts": 6495900648195.393, "dur": 5.176, + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 55601, "tid": 55601, + "ts": 6497726180883.756, "dur": 5.164, "args": { "External id": 577,"Record function id": 0, "Ev Idx": 64 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_ones", "pid": 46639, "tid": 46639, - "ts": 6495900648202.075, "dur": 6.736, + "ph": "X", "cat": "cpu_op", "name": "aten::new_ones", "pid": 55601, "tid": 55601, + "ts": 6497726180890.519, "dur": 6.523, "args": { - "External id": 578,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 65 + "External id": 578,"Record function id": 0, "Sequence number": 733859, "Fwd thread id": 0, "Ev Idx": 65 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, - "ts": 6495900648202.382, "dur": 1.776, + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 55601, "tid": 55601, + "ts": 6497726180890.767, "dur": 1.663, "args": { "External id": 579,"Record function id": 0, "Ev Idx": 66 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, - "ts": 6495900648202.544, "dur": 1.533, + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 55601, "tid": 55601, + "ts": 6497726180890.914, "dur": 1.433, "args": { "External id": 580,"Record function id": 0, "Ev Idx": 67 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, - "ts": 6495900648204.375, "dur": 4.292, + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 55601, "tid": 55601, + "ts": 6497726180892.641, "dur": 4.245, "args": { "External id": 581,"Record function id": 0, "Ev Idx": 68 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 46639, "tid": 46639, - "ts": 6495900648209.442, "dur": 7.205, + "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 55601, "tid": 55601, + "ts": 6497726180897.777, "dur": 7.379, "args": { - "External id": 582,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 69 + "External id": 582,"Record function id": 0, "Sequence number": 733859, "Fwd thread id": 0, "Ev Idx": 69 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648210.777, "dur": 0.207, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180899.110, "dur": 0.248, "args": { "External id": 583,"Record function id": 0, "Ev Idx": 70 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648211.191, "dur": 0.109, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180899.578, "dur": 0.102, "args": { "External id": 584,"Record function id": 0, "Ev Idx": 71 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::clamp", "pid": 46639, "tid": 46639, - "ts": 6495900648218.486, "dur": 6.429, + "ph": "X", "cat": "cpu_op", "name": "aten::clamp", "pid": 55601, "tid": 55601, + "ts": 6497726180906.948, "dur": 5.715, "args": { - "External id": 585,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 72 + "External id": 585,"Record function id": 0, "Sequence number": 733859, "Fwd thread id": 0, "Ev Idx": 72 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::to", "pid": 46639, "tid": 46639, - "ts": 6495900648218.901, "dur": 0.099, + "ph": "X", "cat": "cpu_op", "name": "aten::to", "pid": 55601, "tid": 55601, + "ts": 6497726180907.352, "dur": 0.110, "args": { "External id": 586,"Record function id": 0, "Ev Idx": 73 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 46639, "tid": 46639, - "ts": 6495900648226.782, "dur": 0.794, + "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 55601, "tid": 55601, + "ts": 6497726180914.473, "dur": 1.075, "args": { - "External id": 587,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 74 + "External id": 587,"Record function id": 0, "Sequence number": 733859, "Fwd thread id": 0, "Ev Idx": 74 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 46639, "tid": 46639, - "ts": 6495900648228.288, "dur": 1.343, + "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 55601, "tid": 55601, + "ts": 6497726180916.200, "dur": 1.370, "args": { - "External id": 588,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 75 + "External id": 588,"Record function id": 0, "Sequence number": 733859, "Fwd thread id": 0, "Ev Idx": 75 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 46639, "tid": 46639, - "ts": 6495900648228.558, "dur": 0.983, + "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 55601, "tid": 55601, + "ts": 6497726180916.485, "dur": 1.002, "args": { - "External id": 589,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 76 + "External id": 589,"Record function id": 0, "Sequence number": 733859, "Fwd thread id": 0, "Ev Idx": 76 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648229.045, "dur": 0.181, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180917.046, "dur": 0.174, "args": { "External id": 590,"Record function id": 0, "Ev Idx": 77 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 46639, "tid": 46639, - "ts": 6495900648230.542, "dur": 7.196, + "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 55601, "tid": 55601, + "ts": 6497726180918.479, "dur": 7.305, "args": { - "External id": 591,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 78 + "External id": 591,"Record function id": 0, "Sequence number": 733859, "Fwd thread id": 0, "Ev Idx": 78 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, - "ts": 6495900648230.741, "dur": 1.767, + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 55601, "tid": 55601, + "ts": 6497726180918.700, "dur": 1.801, "args": { "External id": 592,"Record function id": 0, "Ev Idx": 79 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, - "ts": 6495900648230.930, "dur": 1.506, + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 55601, "tid": 55601, + "ts": 6497726180918.865, "dur": 1.553, "args": { "External id": 593,"Record function id": 0, "Ev Idx": 80 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 46639, "tid": 46639, - "ts": 6495900648232.706, "dur": 4.897, + "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 55601, "tid": 55601, + "ts": 6497726180920.712, "dur": 4.934, "args": { "External id": 594,"Record function id": 0, "Ev Idx": 81 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, - "ts": 6495900648233.031, "dur": 4.247, + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 55601, "tid": 55601, + "ts": 6497726180921.061, "dur": 4.236, "args": { "External id": 595,"Record function id": 0, "Ev Idx": 82 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 46639, "tid": 46639, - "ts": 6495900648238.369, "dur": 9.369, + "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 55601, "tid": 55601, + "ts": 6497726180926.335, "dur": 9.299, "args": { - "External id": 596,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 83 + "External id": 596,"Record function id": 0, "Sequence number": 733859, "Fwd thread id": 0, "Ev Idx": 83 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648240.199, "dur": 0.127, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180928.237, "dur": 0.157, "args": { "External id": 597,"Record function id": 0, "Ev Idx": 84 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648240.524, "dur": 0.126, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180928.605, "dur": 0.119, "args": { "External id": 598,"Record function id": 0, "Ev Idx": 85 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 46639, "tid": 46639, - "ts": 6495900648249.108, "dur": 0.379, + "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 55601, "tid": 55601, + "ts": 6497726180936.728, "dur": 0.404, "args": { - "External id": 599,"Record function id": 0, "Sequence number": 733866, "Fwd thread id": 0, "Ev Idx": 86 + "External id": 599,"Record function id": 0, "Sequence number": 733860, "Fwd thread id": 0, "Ev Idx": 86 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 46639, "tid": 46639, - "ts": 6495900648249.920, "dur": 0.839, + "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 55601, "tid": 55601, + "ts": 6497726180937.573, "dur": 0.827, "args": { - "External id": 600,"Record function id": 0, "Sequence number": 733866, "Fwd thread id": 0, "Ev Idx": 87 + "External id": 600,"Record function id": 0, "Sequence number": 733860, "Fwd thread id": 0, "Ev Idx": 87 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 46639, "tid": 46639, - "ts": 6495900648250.073, "dur": 0.613, + "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 55601, "tid": 55601, + "ts": 6497726180937.720, "dur": 0.606, "args": { - "External id": 601,"Record function id": 0, "Sequence number": 733866, "Fwd thread id": 0, "Ev Idx": 88 + "External id": 601,"Record function id": 0, "Sequence number": 733860, "Fwd thread id": 0, "Ev Idx": 88 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648250.362, "dur": 0.126, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180938.023, "dur": 0.110, "args": { "External id": 602,"Record function id": 0, "Ev Idx": 89 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::div", "pid": 46639, "tid": 46639, - "ts": 6495900648251.552, "dur": 7.583, + "ph": "X", "cat": "cpu_op", "name": "aten::div", "pid": 55601, "tid": 55601, + "ts": 6497726180939.227, "dur": 8.031, "args": { - "External id": 603,"Record function id": 0, "Sequence number": 733866, "Fwd thread id": 0, "Ev Idx": 90 + "External id": 603,"Record function id": 0, "Sequence number": 733860, "Fwd thread id": 0, "Ev Idx": 90 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 46639, "tid": 46639, - "ts": 6495900648266.439, "dur": 18.882, + "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 55601, "tid": 55601, + "ts": 6497726180954.691, "dur": 18.781, "args": { - "External id": 604,"Record function id": 0, "Sequence number": 733867, "Fwd thread id": 0, "Ev Idx": 91 + "External id": 604,"Record function id": 0, "Sequence number": 733861, "Fwd thread id": 0, "Ev Idx": 91 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 46639, "tid": 46639, - "ts": 6495900648266.746, "dur": 1.677, + "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 55601, "tid": 55601, + "ts": 6497726180955.003, "dur": 1.857, "args": { - "External id": 605,"Record function id": 0, "Sequence number": 733867, "Fwd thread id": 0, "Ev Idx": 92 + "External id": 605,"Record function id": 0, "Sequence number": 733861, "Fwd thread id": 0, "Ev Idx": 92 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 46639, "tid": 46639, - "ts": 6495900648267.503, "dur": 0.496, + "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 55601, "tid": 55601, + "ts": 6497726180955.784, "dur": 0.598, "args": { "External id": 606,"Record function id": 0, "Ev Idx": 93 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648267.774, "dur": 0.135, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180956.106, "dur": 0.165, "args": { "External id": 607,"Record function id": 0, "Ev Idx": 94 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::addmm", "pid": 46639, "tid": 46639, - "ts": 6495900648268.766, "dur": 16.411, + "ph": "X", "cat": "cpu_op", "name": "aten::addmm", "pid": 55601, "tid": 55601, + "ts": 6497726180957.218, "dur": 16.107, "args": { - "External id": 608,"Record function id": 0, "Sequence number": 733868, "Fwd thread id": 0, "Ev Idx": 95 + "External id": 608,"Record function id": 0, "Sequence number": 733862, "Fwd thread id": 0, "Ev Idx": 95 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 46639, "tid": 46639, - "ts": 6495900648288.044, "dur": 14.446, + "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 55601, "tid": 55601, + "ts": 6497726180976.302, "dur": 14.775, "args": { - "External id": 609,"Record function id": 0, "Sequence number": 733869, "Fwd thread id": 0, "Ev Idx": 96 + "External id": 609,"Record function id": 0, "Sequence number": 733863, "Fwd thread id": 0, "Ev Idx": 96 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 46639, "tid": 46639, - "ts": 6495900648288.252, "dur": 1.226, + "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 55601, "tid": 55601, + "ts": 6497726180976.523, "dur": 1.397, "args": { - "External id": 610,"Record function id": 0, "Sequence number": 733869, "Fwd thread id": 0, "Ev Idx": 97 + "External id": 610,"Record function id": 0, "Sequence number": 733863, "Fwd thread id": 0, "Ev Idx": 97 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 46639, "tid": 46639, - "ts": 6495900648288.739, "dur": 0.432, + "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 55601, "tid": 55601, + "ts": 6497726180977.056, "dur": 0.533, "args": { "External id": 611,"Record function id": 0, "Ev Idx": 98 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648288.937, "dur": 0.153, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726180977.276, "dur": 0.221, "args": { "External id": 612,"Record function id": 0, "Ev Idx": 99 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::matmul", "pid": 46639, "tid": 46639, - "ts": 6495900648289.794, "dur": 12.578, + "ph": "X", "cat": "cpu_op", "name": "aten::matmul", "pid": 55601, "tid": 55601, + "ts": 6497726180978.241, "dur": 12.699, "args": { - "External id": 613,"Record function id": 0, "Sequence number": 733870, "Fwd thread id": 0, "Ev Idx": 100 + "External id": 613,"Record function id": 0, "Sequence number": 733864, "Fwd thread id": 0, "Ev Idx": 100 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::mm", "pid": 46639, "tid": 46639, - "ts": 6495900648290.208, "dur": 11.975, + "ph": "X", "cat": "cpu_op", "name": "aten::mm", "pid": 55601, "tid": 55601, + "ts": 6497726180978.728, "dur": 11.982, "args": { - "External id": 614,"Record function id": 0, "Sequence number": 733870, "Fwd thread id": 0, "Ev Idx": 101 + "External id": 614,"Record function id": 0, "Sequence number": 733864, "Fwd thread id": 0, "Ev Idx": 101 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::add", "pid": 46639, "tid": 46639, - "ts": 6495900648303.445, "dur": 6.637, + "ph": "X", "cat": "cpu_op", "name": "aten::add", "pid": 55601, "tid": 55601, + "ts": 6497726180992.125, "dur": 7.204, "args": { - "External id": 615,"Record function id": 0, "Sequence number": 733871, "Fwd thread id": 0, "Ev Idx": 102 + "External id": 615,"Record function id": 0, "Sequence number": 733865, "Fwd thread id": 0, "Ev Idx": 102 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::relu", "pid": 46639, "tid": 46639, - "ts": 6495900648315.808, "dur": 7.475, + "ph": "X", "cat": "cpu_op", "name": "aten::relu", "pid": 55601, "tid": 55601, + "ts": 6497726181005.384, "dur": 7.452, "args": { - "External id": 616,"Record function id": 0, "Sequence number": 733872, "Fwd thread id": 0, "Ev Idx": 103 + "External id": 616,"Record function id": 0, "Sequence number": 733866, "Fwd thread id": 0, "Ev Idx": 103 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::clamp_min", "pid": 46639, "tid": 46639, - "ts": 6495900648316.583, "dur": 5.843, + "ph": "X", "cat": "cpu_op", "name": "aten::clamp_min", "pid": 55601, "tid": 55601, + "ts": 6497726181006.137, "dur": 5.826, "args": { "External id": 617,"Record function id": 0, "Ev Idx": 104 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::dropout", "pid": 46639, "tid": 46639, - "ts": 6495900648327.729, "dur": 0.135, + "ph": "X", "cat": "cpu_op", "name": "aten::dropout", "pid": 55601, "tid": 55601, + "ts": 6497726181017.320, "dur": 0.138, "args": { - "External id": 618,"Record function id": 0, "Sequence number": 733873, "Fwd thread id": 0, "Ev Idx": 105 + "External id": 618,"Record function id": 0, "Sequence number": 733867, "Fwd thread id": 0, "Ev Idx": 105 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 46639, "tid": 46639, - "ts": 6495900648335.835, "dur": 1.235, + "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 55601, "tid": 55601, + "ts": 6497726181025.966, "dur": 1.204, "args": { - "External id": 619,"Record function id": 0, "Sequence number": 733873, "Fwd thread id": 0, "Ev Idx": 106 + "External id": 619,"Record function id": 0, "Sequence number": 733867, "Fwd thread id": 0, "Ev Idx": 106 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648336.403, "dur": 0.225, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726181026.600, "dur": 0.184, "args": { "External id": 620,"Record function id": 0, "Ev Idx": 107 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 46639, "tid": 46639, - "ts": 6495900648337.999, "dur": 0.622, + "ph": "X", "cat": "cpu_op", "name": "aten::select", "pid": 55601, "tid": 55601, + "ts": 6497726181028.116, "dur": 0.588, "args": { - "External id": 621,"Record function id": 0, "Sequence number": 733873, "Fwd thread id": 0, "Ev Idx": 108 + "External id": 621,"Record function id": 0, "Sequence number": 733867, "Fwd thread id": 0, "Ev Idx": 108 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648338.261, "dur": 0.126, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726181028.383, "dur": 0.119, "args": { "External id": 622,"Record function id": 0, "Ev Idx": 109 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::index_select", "pid": 46639, "tid": 46639, - "ts": 6495900648341.191, "dur": 9.008, + "ph": "X", "cat": "cpu_op", "name": "aten::index_select", "pid": 55601, "tid": 55601, + "ts": 6497726181031.231, "dur": 13.057, "args": { - "External id": 623,"Record function id": 0, "Sequence number": 733873, "Fwd thread id": 0, "Ev Idx": 110 + "External id": 623,"Record function id": 0, "Sequence number": 733867, "Fwd thread id": 0, "Ev Idx": 110 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, - "ts": 6495900648341.976, "dur": 1.091, + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 55601, "tid": 55601, + "ts": 6497726181032.086, "dur": 1.167, "args": { "External id": 624,"Record function id": 0, "Ev Idx": 111 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::resize_", "pid": 46639, "tid": 46639, - "ts": 6495900648343.833, "dur": 0.812, + "ph": "X", "cat": "cpu_op", "name": "aten::resize_", "pid": 55601, "tid": 55601, + "ts": 6497726181034.006, "dur": 1.378, "args": { "External id": 625,"Record function id": 0, "Ev Idx": 112 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 46639, "tid": 46639, - "ts": 6495900648359.018, "dur": 8.278, + "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 55601, "tid": 55601, + "ts": 6497726181057.271, "dur": 13.213, "args": { - "External id": 626,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 113 + "External id": 626,"Record function id": 0, "Sequence number": 733868, "Fwd thread id": 0, "Ev Idx": 113 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, - "ts": 6495900648359.315, "dur": 1.569, + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 55601, "tid": 55601, + "ts": 6497726181057.593, "dur": 2.306, "args": { "External id": 627,"Record function id": 0, "Ev Idx": 114 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, - "ts": 6495900648359.523, "dur": 1.271, + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 55601, "tid": 55601, + "ts": 6497726181057.887, "dur": 1.856, "args": { "External id": 628,"Record function id": 0, "Ev Idx": 115 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 46639, "tid": 46639, - "ts": 6495900648361.146, "dur": 6.014, + "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 55601, "tid": 55601, + "ts": 6497726181060.414, "dur": 9.813, "args": { "External id": 629,"Record function id": 0, "Ev Idx": 116 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, - "ts": 6495900648361.543, "dur": 5.194, + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 55601, "tid": 55601, + "ts": 6497726181061.268, "dur": 8.390, "args": { "External id": 630,"Record function id": 0, "Ev Idx": 117 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_ones", "pid": 46639, "tid": 46639, - "ts": 6495900648368.179, "dur": 6.844, + "ph": "X", "cat": "cpu_op", "name": "aten::new_ones", "pid": 55601, "tid": 55601, + "ts": 6497726181072.019, "dur": 7.856, "args": { - "External id": 631,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 118 + "External id": 631,"Record function id": 0, "Sequence number": 733868, "Fwd thread id": 0, "Ev Idx": 118 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, - "ts": 6495900648368.441, "dur": 1.920, + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 55601, "tid": 55601, + "ts": 6497726181072.359, "dur": 2.738, "args": { "External id": 632,"Record function id": 0, "Ev Idx": 119 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, - "ts": 6495900648368.603, "dur": 1.695, + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 55601, "tid": 55601, + "ts": 6497726181072.607, "dur": 2.380, "args": { "External id": 633,"Record function id": 0, "Ev Idx": 120 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, - "ts": 6495900648370.578, "dur": 4.301, + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 55601, "tid": 55601, + "ts": 6497726181075.308, "dur": 4.411, "args": { "External id": 634,"Record function id": 0, "Ev Idx": 121 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 46639, "tid": 46639, - "ts": 6495900648375.591, "dur": 6.502, + "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 55601, "tid": 55601, + "ts": 6497726181080.656, "dur": 7.452, "args": { - "External id": 635,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 122 + "External id": 635,"Record function id": 0, "Sequence number": 733868, "Fwd thread id": 0, "Ev Idx": 122 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648376.547, "dur": 0.171, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726181081.961, "dur": 0.239, "args": { "External id": 636,"Record function id": 0, "Ev Idx": 123 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648376.926, "dur": 0.108, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726181082.457, "dur": 0.092, "args": { "External id": 637,"Record function id": 0, "Ev Idx": 124 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::clamp", "pid": 46639, "tid": 46639, - "ts": 6495900648383.526, "dur": 6.069, + "ph": "X", "cat": "cpu_op", "name": "aten::clamp", "pid": 55601, "tid": 55601, + "ts": 6497726181089.937, "dur": 6.937, "args": { - "External id": 638,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 125 + "External id": 638,"Record function id": 0, "Sequence number": 733868, "Fwd thread id": 0, "Ev Idx": 125 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::to", "pid": 46639, "tid": 46639, - "ts": 6495900648383.824, "dur": 0.072, + "ph": "X", "cat": "cpu_op", "name": "aten::to", "pid": 55601, "tid": 55601, + "ts": 6497726181090.368, "dur": 0.111, "args": { "External id": 639,"Record function id": 0, "Ev Idx": 126 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 46639, "tid": 46639, - "ts": 6495900648390.965, "dur": 0.686, + "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 55601, "tid": 55601, + "ts": 6497726181098.656, "dur": 0.947, "args": { - "External id": 640,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 127 + "External id": 640,"Record function id": 0, "Sequence number": 733868, "Fwd thread id": 0, "Ev Idx": 127 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 46639, "tid": 46639, - "ts": 6495900648392.246, "dur": 1.055, + "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 55601, "tid": 55601, + "ts": 6497726181100.292, "dur": 1.369, "args": { - "External id": 641,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 128 + "External id": 641,"Record function id": 0, "Sequence number": 733868, "Fwd thread id": 0, "Ev Idx": 128 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 46639, "tid": 46639, - "ts": 6495900648392.435, "dur": 0.785, + "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 55601, "tid": 55601, + "ts": 6497726181100.568, "dur": 0.992, "args": { - "External id": 642,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 129 + "External id": 642,"Record function id": 0, "Sequence number": 733868, "Fwd thread id": 0, "Ev Idx": 129 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648392.805, "dur": 0.153, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726181101.128, "dur": 0.138, "args": { "External id": 643,"Record function id": 0, "Ev Idx": 130 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 46639, "tid": 46639, - "ts": 6495900648394.121, "dur": 7.602, + "ph": "X", "cat": "cpu_op", "name": "aten::new_zeros", "pid": 55601, "tid": 55601, + "ts": 6497726181102.534, "dur": 7.498, "args": { - "External id": 644,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 131 + "External id": 644,"Record function id": 0, "Sequence number": 733868, "Fwd thread id": 0, "Ev Idx": 131 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 46639, "tid": 46639, - "ts": 6495900648394.401, "dur": 1.569, + "ph": "X", "cat": "cpu_op", "name": "aten::new_empty", "pid": 55601, "tid": 55601, + "ts": 6497726181102.782, "dur": 1.727, "args": { "External id": 645,"Record function id": 0, "Ev Idx": 132 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 46639, "tid": 46639, - "ts": 6495900648394.599, "dur": 1.281, + "ph": "X", "cat": "cpu_op", "name": "aten::empty", "pid": 55601, "tid": 55601, + "ts": 6497726181103.085, "dur": 1.351, "args": { "External id": 646,"Record function id": 0, "Ev Idx": 133 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 46639, "tid": 46639, - "ts": 6495900648396.177, "dur": 5.420, + "ph": "X", "cat": "cpu_op", "name": "aten::zero_", "pid": 55601, "tid": 55601, + "ts": 6497726181104.748, "dur": 5.137, "args": { "External id": 647,"Record function id": 0, "Ev Idx": 134 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 46639, "tid": 46639, - "ts": 6495900648396.484, "dur": 4.779, + "ph": "X", "cat": "cpu_op", "name": "aten::fill_", "pid": 55601, "tid": 55601, + "ts": 6497726181105.098, "dur": 4.447, "args": { "External id": 648,"Record function id": 0, "Ev Idx": 135 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 46639, "tid": 46639, - "ts": 6495900648402.282, "dur": 6.916, + "ph": "X", "cat": "cpu_op", "name": "aten::scatter_add_", "pid": 55601, "tid": 55601, + "ts": 6497726181110.657, "dur": 7.709, "args": { - "External id": 649,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 136 + "External id": 649,"Record function id": 0, "Sequence number": 733868, "Fwd thread id": 0, "Ev Idx": 136 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648403.373, "dur": 0.099, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726181112.136, "dur": 0.138, "args": { "External id": 650,"Record function id": 0, "Ev Idx": 137 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648403.671, "dur": 0.081, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726181112.476, "dur": 0.101, "args": { "External id": 651,"Record function id": 0, "Ev Idx": 138 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 46639, "tid": 46639, - "ts": 6495900648410.046, "dur": 0.279, + "ph": "X", "cat": "cpu_op", "name": "aten::view", "pid": 55601, "tid": 55601, + "ts": 6497726181119.340, "dur": 0.340, "args": { - "External id": 652,"Record function id": 0, "Sequence number": 733875, "Fwd thread id": 0, "Ev Idx": 139 + "External id": 652,"Record function id": 0, "Sequence number": 733869, "Fwd thread id": 0, "Ev Idx": 139 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 46639, "tid": 46639, - "ts": 6495900648410.749, "dur": 0.803, + "ph": "X", "cat": "cpu_op", "name": "aten::expand_as", "pid": 55601, "tid": 55601, + "ts": 6497726181120.121, "dur": 0.900, "args": { - "External id": 653,"Record function id": 0, "Sequence number": 733875, "Fwd thread id": 0, "Ev Idx": 140 + "External id": 653,"Record function id": 0, "Sequence number": 733869, "Fwd thread id": 0, "Ev Idx": 140 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 46639, "tid": 46639, - "ts": 6495900648410.884, "dur": 0.604, + "ph": "X", "cat": "cpu_op", "name": "aten::expand", "pid": 55601, "tid": 55601, + "ts": 6497726181120.332, "dur": 0.634, "args": { - "External id": 654,"Record function id": 0, "Sequence number": 733875, "Fwd thread id": 0, "Ev Idx": 141 + "External id": 654,"Record function id": 0, "Sequence number": 733869, "Fwd thread id": 0, "Ev Idx": 141 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648411.155, "dur": 0.117, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726181120.635, "dur": 0.120, "args": { "External id": 655,"Record function id": 0, "Ev Idx": 142 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::div", "pid": 46639, "tid": 46639, - "ts": 6495900648412.228, "dur": 6.997, + "ph": "X", "cat": "cpu_op", "name": "aten::div", "pid": 55601, "tid": 55601, + "ts": 6497726181121.738, "dur": 7.332, "args": { - "External id": 656,"Record function id": 0, "Sequence number": 733875, "Fwd thread id": 0, "Ev Idx": 143 + "External id": 656,"Record function id": 0, "Sequence number": 733869, "Fwd thread id": 0, "Ev Idx": 143 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 46639, "tid": 46639, - "ts": 6495900648424.762, "dur": 16.239, + "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 55601, "tid": 55601, + "ts": 6497726181135.585, "dur": 18.322, "args": { - "External id": 657,"Record function id": 0, "Sequence number": 733876, "Fwd thread id": 0, "Ev Idx": 144 + "External id": 657,"Record function id": 0, "Sequence number": 733870, "Fwd thread id": 0, "Ev Idx": 144 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 46639, "tid": 46639, - "ts": 6495900648424.987, "dur": 1.407, + "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 55601, "tid": 55601, + "ts": 6497726181135.861, "dur": 1.837, "args": { - "External id": 658,"Record function id": 0, "Sequence number": 733876, "Fwd thread id": 0, "Ev Idx": 145 + "External id": 658,"Record function id": 0, "Sequence number": 733870, "Fwd thread id": 0, "Ev Idx": 145 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 46639, "tid": 46639, - "ts": 6495900648425.591, "dur": 0.460, + "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 55601, "tid": 55601, + "ts": 6497726181136.678, "dur": 0.570, "args": { "External id": 659,"Record function id": 0, "Ev Idx": 146 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648425.835, "dur": 0.117, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726181137.000, "dur": 0.138, "args": { "External id": 660,"Record function id": 0, "Ev Idx": 147 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::addmm", "pid": 46639, "tid": 46639, - "ts": 6495900648426.691, "dur": 14.175, + "ph": "X", "cat": "cpu_op", "name": "aten::addmm", "pid": 55601, "tid": 55601, + "ts": 6497726181138.020, "dur": 15.731, "args": { - "External id": 661,"Record function id": 0, "Sequence number": 733877, "Fwd thread id": 0, "Ev Idx": 148 + "External id": 661,"Record function id": 0, "Sequence number": 733871, "Fwd thread id": 0, "Ev Idx": 148 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 46639, "tid": 46639, - "ts": 6495900648443.544, "dur": 14.085, + "ph": "X", "cat": "cpu_op", "name": "aten::linear", "pid": 55601, "tid": 55601, + "ts": 6497726181156.673, "dur": 14.380, "args": { - "External id": 662,"Record function id": 0, "Sequence number": 733878, "Fwd thread id": 0, "Ev Idx": 149 + "External id": 662,"Record function id": 0, "Sequence number": 733872, "Fwd thread id": 0, "Ev Idx": 149 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 46639, "tid": 46639, - "ts": 6495900648443.698, "dur": 1.262, + "ph": "X", "cat": "cpu_op", "name": "aten::t", "pid": 55601, "tid": 55601, + "ts": 6497726181156.847, "dur": 1.213, "args": { - "External id": 663,"Record function id": 0, "Sequence number": 733878, "Fwd thread id": 0, "Ev Idx": 150 + "External id": 663,"Record function id": 0, "Sequence number": 733872, "Fwd thread id": 0, "Ev Idx": 150 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 46639, "tid": 46639, - "ts": 6495900648444.166, "dur": 0.478, + "ph": "X", "cat": "cpu_op", "name": "aten::transpose", "pid": 55601, "tid": 55601, + "ts": 6497726181157.353, "dur": 0.413, "args": { "External id": 664,"Record function id": 0, "Ev Idx": 151 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 46639, "tid": 46639, - "ts": 6495900648444.428, "dur": 0.144, + "ph": "X", "cat": "cpu_op", "name": "aten::as_strided", "pid": 55601, "tid": 55601, + "ts": 6497726181157.546, "dur": 0.137, "args": { "External id": 665,"Record function id": 0, "Ev Idx": 152 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::matmul", "pid": 46639, "tid": 46639, - "ts": 6495900648445.258, "dur": 12.254, + "ph": "X", "cat": "cpu_op", "name": "aten::matmul", "pid": 55601, "tid": 55601, + "ts": 6497726181158.372, "dur": 12.534, "args": { - "External id": 666,"Record function id": 0, "Sequence number": 733879, "Fwd thread id": 0, "Ev Idx": 153 + "External id": 666,"Record function id": 0, "Sequence number": 733873, "Fwd thread id": 0, "Ev Idx": 153 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::mm", "pid": 46639, "tid": 46639, - "ts": 6495900648445.501, "dur": 11.821, + "ph": "X", "cat": "cpu_op", "name": "aten::mm", "pid": 55601, "tid": 55601, + "ts": 6497726181158.758, "dur": 11.936, "args": { - "External id": 667,"Record function id": 0, "Sequence number": 733879, "Fwd thread id": 0, "Ev Idx": 154 + "External id": 667,"Record function id": 0, "Sequence number": 733873, "Fwd thread id": 0, "Ev Idx": 154 } }, { - "ph": "X", "cat": "cpu_op", "name": "aten::add", "pid": 46639, "tid": 46639, - "ts": 6495900648458.486, "dur": 6.366, + "ph": "X", "cat": "cpu_op", "name": "aten::add", "pid": 55601, "tid": 55601, + "ts": 6497726181172.045, "dur": 7.231, "args": { - "External id": 668,"Record function id": 0, "Sequence number": 733880, "Fwd thread id": 0, "Ev Idx": 155 + "External id": 668,"Record function id": 0, "Sequence number": 733874, "Fwd thread id": 0, "Ev Idx": 155 } }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900647833.293, "dur": 28.287, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180488.733, "dur": 30.625, "args": { "External id": 517, "cbid": 211, "correlation": 197 } }, { - "ph": "s", "id": 197, "pid": 46639, "tid": 46639, "ts": 6495900647833.293, + "ph": "s", "id": 197, "pid": 55601, "tid": 55601, "ts": 6497726180488.733, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900647904.150, "dur": 7.637, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180570.731, "dur": 7.912, "args": { "External id": 524, "cbid": 211, "correlation": 211 } }, { - "ph": "s", "id": 211, "pid": 46639, "tid": 46639, "ts": 6495900647904.150, + "ph": "s", "id": 211, "pid": 55601, "tid": 55601, "ts": 6497726180570.731, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900647919.190, "dur": 3.571, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180586.719, "dur": 3.823, "args": { "External id": 528, "cbid": 211, "correlation": 226 } }, { - "ph": "s", "id": 226, "pid": 46639, "tid": 46639, "ts": 6495900647919.190, + "ph": "s", "id": 226, "pid": 55601, "tid": 55601, "ts": 6497726180586.719, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900647936.566, "dur": 4.834, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180605.648, "dur": 5.017, "args": { "External id": 529, "cbid": 211, "correlation": 232 } }, { - "ph": "s", "id": 232, "pid": 46639, "tid": 46639, "ts": 6495900647936.566, + "ph": "s", "id": 232, "pid": 55601, "tid": 55601, "ts": 6497726180605.648, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900647955.033, "dur": 5.086, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180625.302, "dur": 5.366, "args": { "External id": 532, "cbid": 211, "correlation": 242 } }, { - "ph": "s", "id": 242, "pid": 46639, "tid": 46639, "ts": 6495900647955.033, + "ph": "s", "id": 242, "pid": 55601, "tid": 55601, "ts": 6497726180625.302, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900647976.702, "dur": 3.670, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180649.210, "dur": 3.648, "args": { "External id": 542, "cbid": 211, "correlation": 256 } }, { - "ph": "s", "id": 256, "pid": 46639, "tid": 46639, "ts": 6495900647976.702, + "ph": "s", "id": 256, "pid": 55601, "tid": 55601, "ts": 6497726180649.210, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900647985.196, "dur": 3.516, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180657.930, "dur": 3.611, "args": { "External id": 543, "cbid": 211, "correlation": 264 } }, { - "ph": "s", "id": 264, "pid": 46639, "tid": 46639, "ts": 6495900647985.196, + "ph": "s", "id": 264, "pid": 55601, "tid": 55601, "ts": 6497726180657.930, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648001.192, "dur": 4.220, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180675.315, "dur": 4.585, "args": { "External id": 550, "cbid": 211, "correlation": 274 } }, { - "ph": "s", "id": 274, "pid": 46639, "tid": 46639, "ts": 6495900648001.192, + "ph": "s", "id": 274, "pid": 55601, "tid": 55601, "ts": 6497726180675.315, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648063.040, "dur": 6.619, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180741.794, "dur": 7.295, "args": { "External id": 555, "cbid": 211, "correlation": 293 } }, { - "ph": "s", "id": 293, "pid": 46639, "tid": 46639, "ts": 6495900648063.040, + "ph": "s", "id": 293, "pid": 55601, "tid": 55601, "ts": 6497726180741.794, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648071.480, "dur": 4.617, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180750.532, "dur": 4.566, "args": { "External id": 555, "cbid": 211, "correlation": 295 } }, { - "ph": "s", "id": 295, "pid": 46639, "tid": 46639, "ts": 6495900648071.480, + "ph": "s", "id": 295, "pid": 55601, "tid": 55601, "ts": 6497726180750.532, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648098.847, "dur": 3.652, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180779.687, "dur": 4.217, "args": { "External id": 561, "cbid": 211, "correlation": 312 } }, { - "ph": "s", "id": 312, "pid": 46639, "tid": 46639, "ts": 6495900648098.847, + "ph": "s", "id": 312, "pid": 55601, "tid": 55601, "ts": 6497726180779.687, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648103.284, "dur": 3.219, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180784.685, "dur": 3.354, "args": { "External id": 561, "cbid": 211, "correlation": 314 } }, { - "ph": "s", "id": 314, "pid": 46639, "tid": 46639, "ts": 6495900648103.284, + "ph": "s", "id": 314, "pid": 55601, "tid": 55601, "ts": 6497726180784.685, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648116.981, "dur": 4.598, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180800.030, "dur": 4.925, "args": { "External id": 562, "cbid": 211, "correlation": 324 } }, { - "ph": "s", "id": 324, "pid": 46639, "tid": 46639, "ts": 6495900648116.981, + "ph": "s", "id": 324, "pid": 55601, "tid": 55601, "ts": 6497726180800.030, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648135.682, "dur": 3.977, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180820.374, "dur": 3.059, "args": { "External id": 564, "cbid": 211, "correlation": 335 } }, { - "ph": "s", "id": 335, "pid": 46639, "tid": 46639, "ts": 6495900648135.682, + "ph": "s", "id": 335, "pid": 55601, "tid": 55601, "ts": 6497726180820.374, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648175.953, "dur": 4.481, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180863.265, "dur": 4.668, "args": { "External id": 570, "cbid": 211, "correlation": 362 } }, { - "ph": "s", "id": 362, "pid": 46639, "tid": 46639, "ts": 6495900648175.953, + "ph": "s", "id": 362, "pid": 55601, "tid": 55601, "ts": 6497726180863.265, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648196.448, "dur": 3.589, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180884.776, "dur": 3.611, "args": { "External id": 577, "cbid": 211, "correlation": 376 } }, { - "ph": "s", "id": 376, "pid": 46639, "tid": 46639, "ts": 6495900648196.448, + "ph": "s", "id": 376, "pid": 55601, "tid": 55601, "ts": 6497726180884.776, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648204.970, "dur": 3.237, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180893.293, "dur": 3.115, "args": { "External id": 581, "cbid": 211, "correlation": 391 } }, { - "ph": "s", "id": 391, "pid": 46639, "tid": 46639, "ts": 6495900648204.970, + "ph": "s", "id": 391, "pid": 55601, "tid": 55601, "ts": 6497726180893.293, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648212.445, "dur": 3.480, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180900.911, "dur": 3.445, "args": { "External id": 582, "cbid": 211, "correlation": 397 } }, { - "ph": "s", "id": 397, "pid": 46639, "tid": 46639, "ts": 6495900648212.445, + "ph": "s", "id": 397, "pid": 55601, "tid": 55601, "ts": 6497726180900.911, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648221.056, "dur": 3.174, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180909.566, "dur": 2.463, "args": { "External id": 585, "cbid": 211, "correlation": 407 } }, { - "ph": "s", "id": 407, "pid": 46639, "tid": 46639, "ts": 6495900648221.056, + "ph": "s", "id": 407, "pid": 55601, "tid": 55601, "ts": 6497726180909.566, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648233.698, "dur": 3.111, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180921.796, "dur": 3.005, "args": { "External id": 595, "cbid": 211, "correlation": 421 } }, { - "ph": "s", "id": 421, "pid": 46639, "tid": 46639, "ts": 6495900648233.698, + "ph": "s", "id": 421, "pid": 55601, "tid": 55601, "ts": 6497726180921.796, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648241.561, "dur": 3.003, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180929.606, "dur": 3.042, "args": { "External id": 596, "cbid": 211, "correlation": 429 } }, { - "ph": "s", "id": 429, "pid": 46639, "tid": 46639, "ts": 6495900648241.561, + "ph": "s", "id": 429, "pid": 55601, "tid": 55601, "ts": 6497726180929.606, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648254.897, "dur": 3.382, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180942.819, "dur": 3.556, "args": { "External id": 603, "cbid": 211, "correlation": 439 } }, { - "ph": "s", "id": 439, "pid": 46639, "tid": 46639, "ts": 6495900648254.897, + "ph": "s", "id": 439, "pid": 55601, "tid": 55601, "ts": 6497726180942.819, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648276.773, "dur": 4.031, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180965.561, "dur": 3.777, "args": { "External id": 608, "cbid": 211, "correlation": 458 } }, { - "ph": "s", "id": 458, "pid": 46639, "tid": 46639, "ts": 6495900648276.773, + "ph": "s", "id": 458, "pid": 55601, "tid": 55601, "ts": 6497726180965.561, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648281.209, "dur": 2.850, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180969.677, "dur": 2.518, "args": { "External id": 608, "cbid": 211, "correlation": 460 } }, { - "ph": "s", "id": 460, "pid": 46639, "tid": 46639, "ts": 6495900648281.209, + "ph": "s", "id": 460, "pid": 55601, "tid": 55601, "ts": 6497726180969.677, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648295.384, "dur": 3.273, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180984.333, "dur": 3.115, "args": { "External id": 614, "cbid": 211, "correlation": 477 } }, { - "ph": "s", "id": 477, "pid": 46639, "tid": 46639, "ts": 6495900648295.384, + "ph": "s", "id": 477, "pid": 55601, "tid": 55601, "ts": 6497726180984.333, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648298.982, "dur": 2.426, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180987.751, "dur": 2.187, "args": { "External id": 614, "cbid": 211, "correlation": 479 } }, { - "ph": "s", "id": 479, "pid": 46639, "tid": 46639, "ts": 6495900648298.982, + "ph": "s", "id": 479, "pid": 55601, "tid": 55601, "ts": 6497726180987.751, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648306.115, "dur": 3.219, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726180995.203, "dur": 3.326, "args": { "External id": 615, "cbid": 211, "correlation": 489 } }, { - "ph": "s", "id": 489, "pid": 46639, "tid": 46639, "ts": 6495900648306.115, + "ph": "s", "id": 489, "pid": 55601, "tid": 55601, "ts": 6497726180995.203, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648318.540, "dur": 3.372, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726181008.113, "dur": 3.280, "args": { "External id": 617, "cbid": 211, "correlation": 500 } }, { - "ph": "s", "id": 500, "pid": 46639, "tid": 46639, "ts": 6495900648318.540, + "ph": "s", "id": 500, "pid": 55601, "tid": 55601, "ts": 6497726181008.113, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648345.637, "dur": 3.859, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726181037.305, "dur": 5.835, "args": { "External id": 623, "cbid": 211, "correlation": 527 } }, { - "ph": "s", "id": 527, "pid": 46639, "tid": 46639, "ts": 6495900648345.637, + "ph": "s", "id": 527, "pid": 55601, "tid": 55601, "ts": 6497726181037.305, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648362.489, "dur": 3.716, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726181063.005, "dur": 5.403, "args": { "External id": 630, "cbid": 211, "correlation": 541 } }, { - "ph": "s", "id": 541, "pid": 46639, "tid": 46639, "ts": 6495900648362.489, + "ph": "s", "id": 541, "pid": 55601, "tid": 55601, "ts": 6497726181063.005, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648371.155, "dur": 3.264, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726181075.998, "dur": 3.252, "args": { "External id": 634, "cbid": 211, "correlation": 556 } }, { - "ph": "s", "id": 556, "pid": 46639, "tid": 46639, "ts": 6495900648371.155, + "ph": "s", "id": 556, "pid": 55601, "tid": 55601, "ts": 6497726181075.998, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648377.918, "dur": 3.516, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726181083.560, "dur": 3.703, "args": { "External id": 635, "cbid": 211, "correlation": 562 } }, { - "ph": "s", "id": 562, "pid": 46639, "tid": 46639, "ts": 6495900648377.918, + "ph": "s", "id": 562, "pid": 55601, "tid": 55601, "ts": 6497726181083.560, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648385.727, "dur": 3.282, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726181092.739, "dur": 3.482, "args": { "External id": 638, "cbid": 211, "correlation": 572 } }, { - "ph": "s", "id": 572, "pid": 46639, "tid": 46639, "ts": 6495900648385.727, + "ph": "s", "id": 572, "pid": 55601, "tid": 55601, "ts": 6497726181092.739, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648397.061, "dur": 3.751, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726181105.833, "dur": 3.225, "args": { "External id": 648, "cbid": 211, "correlation": 586 } }, { - "ph": "s", "id": 586, "pid": 46639, "tid": 46639, "ts": 6495900648397.061, + "ph": "s", "id": 586, "pid": 55601, "tid": 55601, "ts": 6497726181105.833, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648404.500, "dur": 3.255, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726181113.441, "dur": 3.151, "args": { "External id": 649, "cbid": 211, "correlation": 594 } }, { - "ph": "s", "id": 594, "pid": 46639, "tid": 46639, "ts": 6495900648404.500, + "ph": "s", "id": 594, "pid": 55601, "tid": 55601, "ts": 6497726181113.441, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648415.059, "dur": 3.517, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726181124.825, "dur": 3.400, "args": { "External id": 656, "cbid": 211, "correlation": 604 } }, { - "ph": "s", "id": 604, "pid": 46639, "tid": 46639, "ts": 6495900648415.059, + "ph": "s", "id": 604, "pid": 55601, "tid": 55601, "ts": 6497726181124.825, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648433.418, "dur": 3.751, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726181146.630, "dur": 3.464, "args": { "External id": 661, "cbid": 211, "correlation": 623 } }, { - "ph": "s", "id": 623, "pid": 46639, "tid": 46639, "ts": 6495900648433.418, + "ph": "s", "id": 623, "pid": 55601, "tid": 55601, "ts": 6497726181146.630, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648437.530, "dur": 2.317, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726181150.424, "dur": 2.160, "args": { "External id": 661, "cbid": 211, "correlation": 625 } }, { - "ph": "s", "id": 625, "pid": 46639, "tid": 46639, "ts": 6495900648437.530, + "ph": "s", "id": 625, "pid": 55601, "tid": 55601, "ts": 6497726181150.424, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648449.847, "dur": 3.427, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726181163.913, "dur": 3.216, "args": { "External id": 667, "cbid": 211, "correlation": 642 } }, { - "ph": "s", "id": 642, "pid": 46639, "tid": 46639, "ts": 6495900648449.847, + "ph": "s", "id": 642, "pid": 55601, "tid": 55601, "ts": 6497726181163.913, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648453.598, "dur": 2.940, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726181167.414, "dur": 2.426, "args": { "External id": 667, "cbid": 211, "correlation": 644 } }, { - "ph": "s", "id": 644, "pid": 46639, "tid": 46639, "ts": 6495900648453.598, + "ph": "s", "id": 644, "pid": 55601, "tid": 55601, "ts": 6497726181167.414, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 46639, "tid": 46639, - "ts": 6495900648460.947, "dur": 3.156, + "ph": "X", "cat": "cuda_runtime", "name": "cudaLaunchKernel", "pid": 55601, "tid": 55601, + "ts": 6497726181174.700, "dur": 3.832, "args": { "External id": 668, "cbid": 211, "correlation": 654 } }, { - "ph": "s", "id": 654, "pid": 46639, "tid": 46639, "ts": 6495900648460.947, + "ph": "s", "id": 654, "pid": 55601, "tid": 55601, "ts": 6497726181174.700, "cat": "ac2g", "name": "ac2g" }, { - "ph": "X", "cat": "cuda_runtime", "name": "cudaDeviceSynchronize", "pid": 46639, "tid": 46639, - "ts": 6495900648502.958, "dur": 7.520, + "ph": "X", "cat": "cuda_runtime", "name": "cudaDeviceSynchronize", "pid": 55601, "tid": 55601, + "ts": 6497726181219.485, "dur": 6.212, "args": { "External id": 660, "cbid": 165, "correlation": 660 } }, { - "ph": "s", "id": 660, "pid": 46639, "tid": 46639, "ts": 6495900648502.958, + "ph": "s", "id": 660, "pid": 55601, "tid": 55601, "ts": 6497726181219.485, "cat": "ac2g", "name": "ac2g" }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 46639, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 55601, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 46639, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 55601, "tid": 0, "args": { "labels": "CPU" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 46639, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 55601, "tid": 0, "args": { - "sort_index": 46639 + "sort_index": 55601 } }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 0, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 0, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 0, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 0, "tid": 0, "args": { "labels": "GPU 0" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 0, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 0, "tid": 0, "args": { "sort_index": 5000000 } }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 1, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 1, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 1, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 1, "tid": 0, "args": { "labels": "GPU 1" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 1, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 1, "tid": 0, "args": { "sort_index": 5000001 } }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 2, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 2, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 2, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 2, "tid": 0, "args": { "labels": "GPU 2" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 2, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 2, "tid": 0, "args": { "sort_index": 5000002 } }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 3, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 3, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 3, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 3, "tid": 0, "args": { "labels": "GPU 3" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 3, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 3, "tid": 0, "args": { "sort_index": 5000003 } }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 4, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 4, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 4, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 4, "tid": 0, "args": { "labels": "GPU 4" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 4, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 4, "tid": 0, "args": { "sort_index": 5000004 } }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 5, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 5, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 5, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 5, "tid": 0, "args": { "labels": "GPU 5" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 5, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 5, "tid": 0, "args": { "sort_index": 5000005 } }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 6, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 6, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 6, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 6, "tid": 0, "args": { "labels": "GPU 6" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 6, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 6, "tid": 0, "args": { "sort_index": 5000006 } }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 7, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 7, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 7, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 7, "tid": 0, "args": { "labels": "GPU 7" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 7, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 7, "tid": 0, "args": { "sort_index": 5000007 } }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 8, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 8, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 8, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 8, "tid": 0, "args": { "labels": "GPU 8" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 8, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 8, "tid": 0, "args": { "sort_index": 5000008 } }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 9, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 9, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 9, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 9, "tid": 0, "args": { "labels": "GPU 9" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 9, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 9, "tid": 0, "args": { "sort_index": 5000009 } }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 10, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 10, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 10, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 10, "tid": 0, "args": { "labels": "GPU 10" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 10, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 10, "tid": 0, "args": { "sort_index": 5000010 } }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 11, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 11, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 11, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 11, "tid": 0, "args": { "labels": "GPU 11" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 11, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 11, "tid": 0, "args": { "sort_index": 5000011 } }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 12, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 12, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 12, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 12, "tid": 0, "args": { "labels": "GPU 12" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 12, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 12, "tid": 0, "args": { "sort_index": 5000012 } }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 13, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 13, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 13, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 13, "tid": 0, "args": { "labels": "GPU 13" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 13, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 13, "tid": 0, "args": { "sort_index": 5000013 } }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 14, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 14, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 14, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 14, "tid": 0, "args": { "labels": "GPU 14" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 14, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 14, "tid": 0, "args": { "sort_index": 5000014 } }, { - "name": "process_name", "ph": "M", "ts": 6495900646771.287, "pid": 15, "tid": 0, + "name": "process_name", "ph": "M", "ts": 6497726179245.802, "pid": 15, "tid": 0, "args": { "name": "python" } }, { - "name": "process_labels", "ph": "M", "ts": 6495900646771.287, "pid": 15, "tid": 0, + "name": "process_labels", "ph": "M", "ts": 6497726179245.802, "pid": 15, "tid": 0, "args": { "labels": "GPU 15" } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 15, "tid": 0, + "name": "process_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 15, "tid": 0, "args": { "sort_index": 5000015 } }, { - "name": "thread_name", "ph": "M", "ts": 6495900646771.287, "pid": 46639, "tid": 46639, + "name": "thread_name", "ph": "M", "ts": 6497726179245.802, "pid": 55601, "tid": 55601, "args": { - "name": "thread 46639 (pytest)" + "name": "thread 55601 (pytest)" } }, { - "name": "thread_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 46639, "tid": 46639, + "name": "thread_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 55601, "tid": 55601, "args": { - "sort_index": 46639 + "sort_index": 55601 } }, { - "name": "thread_name", "ph": "M", "ts": 6495900646771.287, "pid": 46639, "tid": 46639, + "name": "thread_name", "ph": "M", "ts": 6497726179245.802, "pid": 55601, "tid": 55601, "args": { - "name": "thread 46639 (pytest)" + "name": "thread 55601 (pytest)" } }, { - "name": "thread_sort_index", "ph": "M", "ts": 6495900646771.287, "pid": 46639, "tid": 46639, + "name": "thread_sort_index", "ph": "M", "ts": 6497726179245.802, "pid": 55601, "tid": 55601, "args": { - "sort_index": 46639 + "sort_index": 55601 } }, { - "ph": "X", "cat": "Trace", "ts": 6495900646742.847, "dur": 1771.411, + "ph": "X", "cat": "Trace", "ts": 6497726179216.086, "dur": 2013.393, "pid": "Spans", "tid": "PyTorch Profiler", "name": "PyTorch Profiler (0)", "args": { @@ -1905,7 +1905,7 @@ } }, { - "name": "process_sort_index", "ph": "M", "ts": 6495900646742.847, + "name": "process_sort_index", "ph": "M", "ts": 6497726179216.086, "pid": "Spans", "tid": 0, "args": { "sort_index": 536870912 @@ -1913,14 +1913,14 @@ }, { "name": "Iteration Start: PyTorch Profiler", "ph": "i", "s": "g", - "pid": "Traces", "tid": "Trace PyTorch Profiler", "ts": 6495900646742.847 + "pid": "Traces", "tid": "Trace PyTorch Profiler", "ts": 6497726179216.086 }, { "name": "Record Window End", "ph": "i", "s": "g", - "pid": "", "tid": "", "ts": 6495900648633.031 + "pid": "", "tid": "", "ts": 6497726181356.841 } ], "traceName": "/home/cjiang/Stanford_Classes/pyg_pr/personal/timeline.json", "displayTimeUnit": "ms", "baseTimeNanoseconds": 1727743122000000000 -} +} \ No newline at end of file From a53487fdee2732c00f769973559c144b5df809e4 Mon Sep 17 00:00:00 2001 From: "pre-commit-ci[bot]" <66853113+pre-commit-ci[bot]@users.noreply.github.com> Date: Sun, 15 Dec 2024 05:39:35 +0000 Subject: [PATCH 8/9] [pre-commit.ci] auto fixes from pre-commit.com hooks for more information, see https://pre-commit.ci --- timeline.json | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/timeline.json b/timeline.json index 3b216f11adf6..a2812a88a114 100644 --- a/timeline.json +++ b/timeline.json @@ -1923,4 +1923,4 @@ "traceName": "/home/cjiang/Stanford_Classes/pyg_pr/personal/timeline.json", "displayTimeUnit": "ms", "baseTimeNanoseconds": 1727743122000000000 -} \ No newline at end of file +} From 54fe45f167cd1afb9d61fdfb0798ddb3f8e6760e Mon Sep 17 00:00:00 2001 From: cjiang-git Date: Sat, 14 Dec 2024 21:39:50 -0800 Subject: [PATCH 9/9] fixed some comments --- torch_geometric/nn/kge/transh.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torch_geometric/nn/kge/transh.py b/torch_geometric/nn/kge/transh.py index 66c5bfea31fc..82dd1890fed0 100644 --- a/torch_geometric/nn/kge/transh.py +++ b/torch_geometric/nn/kge/transh.py @@ -13,7 +13,7 @@ class TransH(KGEModel): :class:`TransH` models relations as translation from head to tail entities , where for each relation type, there is a hyperplane that the - embeddings are projected onto. The scoring function is defined as: + head/tail entites are projected onto. Such that: .. math:: \mathbf{h}_r = \mathbf{h} - \mathbf{w}_r^T\mathbf{h}\mathbf{w}_r,