diff --git a/torchbenchmark/models/Background_Matting/__init__.py b/torchbenchmark/models/Background_Matting/__init__.py index fdb2525a53..5c1433395c 100644 --- a/torchbenchmark/models/Background_Matting/__init__.py +++ b/torchbenchmark/models/Background_Matting/__init__.py @@ -100,21 +100,15 @@ def __init__(self, test, device, batch_size=None, extra_args=[]): self.log_writer = SummaryWriter(datadir) self.model_dir = datadir - self._maybe_trace() - - def _maybe_trace(self): + def jit_callback(self): for data in self.train_data: bg, image, seg, multi_fr = data['bg'], data['image'], data['seg'], data['multi_fr'] bg, image, seg, multi_fr = Variable(bg.to(self.device)), Variable( image.to(self.device)), Variable(seg.to(self.device)), Variable(multi_fr.to(self.device)) - if self.jit: - self.netB = torch.jit.trace( - self.netB, (image, bg, seg, multi_fr)) - self.netG = torch.jit.trace( - self.netG, (image, bg, seg, multi_fr)) - else: - self.netB(image, bg, seg, multi_fr) - self.netG(image, bg, seg, multi_fr) + self.netB = torch.jit.trace( + self.netB, (image, bg, seg, multi_fr)) + self.netG = torch.jit.trace( + self.netG, (image, bg, seg, multi_fr)) break def get_module(self): diff --git a/torchbenchmark/models/LearningToPaint/metadata.yaml b/torchbenchmark/models/LearningToPaint/metadata.yaml index 1adfe5f4ad..50322e0e94 100644 --- a/torchbenchmark/models/LearningToPaint/metadata.yaml +++ b/torchbenchmark/models/LearningToPaint/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: true eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: true train_deterministic: false diff --git a/torchbenchmark/models/basic_gnn_edgecnn/metadata.yaml b/torchbenchmark/models/basic_gnn_edgecnn/metadata.yaml index 8ce4725d9a..3680e5524e 100644 --- a/torchbenchmark/models/basic_gnn_edgecnn/metadata.yaml +++ b/torchbenchmark/models/basic_gnn_edgecnn/metadata.yaml @@ -3,5 +3,4 @@ eval_deterministic: false eval_nograd: true train_benchmark: false train_deterministic: false -not_implemented: - - jit: true + diff --git a/torchbenchmark/models/basic_gnn_gcn/metadata.yaml b/torchbenchmark/models/basic_gnn_gcn/metadata.yaml index 8ce4725d9a..31de3c8f55 100644 --- a/torchbenchmark/models/basic_gnn_gcn/metadata.yaml +++ b/torchbenchmark/models/basic_gnn_gcn/metadata.yaml @@ -3,5 +3,3 @@ eval_deterministic: false eval_nograd: true train_benchmark: false train_deterministic: false -not_implemented: - - jit: true diff --git a/torchbenchmark/models/basic_gnn_gin/metadata.yaml b/torchbenchmark/models/basic_gnn_gin/metadata.yaml index 8ce4725d9a..da431b743e 100644 --- a/torchbenchmark/models/basic_gnn_gin/metadata.yaml +++ b/torchbenchmark/models/basic_gnn_gin/metadata.yaml @@ -2,6 +2,4 @@ eval_benchmark: false eval_deterministic: false eval_nograd: true train_benchmark: false -train_deterministic: false -not_implemented: - - jit: true +train_deterministic: false \ No newline at end of file diff --git a/torchbenchmark/models/basic_gnn_sage/metadata.yaml b/torchbenchmark/models/basic_gnn_sage/metadata.yaml index 8ce4725d9a..31de3c8f55 100644 --- a/torchbenchmark/models/basic_gnn_sage/metadata.yaml +++ b/torchbenchmark/models/basic_gnn_sage/metadata.yaml @@ -3,5 +3,3 @@ eval_deterministic: false eval_nograd: true train_benchmark: false train_deterministic: false -not_implemented: - - jit: true diff --git a/torchbenchmark/models/dcgan/__init__.py b/torchbenchmark/models/dcgan/__init__.py index 36489a576c..12719f6170 100644 --- a/torchbenchmark/models/dcgan/__init__.py +++ b/torchbenchmark/models/dcgan/__init__.py @@ -92,8 +92,6 @@ def __init__(self, dcgan): # state size. (dcgan.nc) x 64 x 64 ) - self.jt = None - self.jitshape = None self.debug_print = False def forward(self, input): @@ -131,8 +129,6 @@ def __init__(self, ncgan): nn.Conv2d(ndf * 8, 1, 4, 1, 0, bias=False), nn.Sigmoid() ) - self.jt = None - self.jitshape = None def forward(self, input): return self.main(input) diff --git a/torchbenchmark/models/detectron2_fasterrcnn_r_101_c4/metadata.yaml b/torchbenchmark/models/detectron2_fasterrcnn_r_101_c4/metadata.yaml index 77cf46b1c8..a8ee22c2a7 100644 --- a/torchbenchmark/models/detectron2_fasterrcnn_r_101_c4/metadata.yaml +++ b/torchbenchmark/models/detectron2_fasterrcnn_r_101_c4/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/detectron2_fasterrcnn_r_101_dc5/metadata.yaml b/torchbenchmark/models/detectron2_fasterrcnn_r_101_dc5/metadata.yaml index 1476c346c8..9c80a54250 100644 --- a/torchbenchmark/models/detectron2_fasterrcnn_r_101_dc5/metadata.yaml +++ b/torchbenchmark/models/detectron2_fasterrcnn_r_101_dc5/metadata.yaml @@ -6,6 +6,5 @@ eval_deterministic: false eval_nograd: true not_implemented: - device: cpu -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/detectron2_fasterrcnn_r_101_fpn/metadata.yaml b/torchbenchmark/models/detectron2_fasterrcnn_r_101_fpn/metadata.yaml index 1476c346c8..9c80a54250 100644 --- a/torchbenchmark/models/detectron2_fasterrcnn_r_101_fpn/metadata.yaml +++ b/torchbenchmark/models/detectron2_fasterrcnn_r_101_fpn/metadata.yaml @@ -6,6 +6,5 @@ eval_deterministic: false eval_nograd: true not_implemented: - device: cpu -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/detectron2_fasterrcnn_r_50_c4/metadata.yaml b/torchbenchmark/models/detectron2_fasterrcnn_r_50_c4/metadata.yaml index edaee4d126..2479d75cd3 100644 --- a/torchbenchmark/models/detectron2_fasterrcnn_r_50_c4/metadata.yaml +++ b/torchbenchmark/models/detectron2_fasterrcnn_r_50_c4/metadata.yaml @@ -6,6 +6,5 @@ eval_deterministic: false eval_nograd: true not_implemented: - device: cpu -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/detectron2_fasterrcnn_r_50_dc5/metadata.yaml b/torchbenchmark/models/detectron2_fasterrcnn_r_50_dc5/metadata.yaml index edaee4d126..2479d75cd3 100644 --- a/torchbenchmark/models/detectron2_fasterrcnn_r_50_dc5/metadata.yaml +++ b/torchbenchmark/models/detectron2_fasterrcnn_r_50_dc5/metadata.yaml @@ -6,6 +6,5 @@ eval_deterministic: false eval_nograd: true not_implemented: - device: cpu -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/detectron2_fasterrcnn_r_50_fpn/metadata.yaml b/torchbenchmark/models/detectron2_fasterrcnn_r_50_fpn/metadata.yaml index 1476c346c8..9c80a54250 100644 --- a/torchbenchmark/models/detectron2_fasterrcnn_r_50_fpn/metadata.yaml +++ b/torchbenchmark/models/detectron2_fasterrcnn_r_50_fpn/metadata.yaml @@ -6,6 +6,5 @@ eval_deterministic: false eval_nograd: true not_implemented: - device: cpu -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/detectron2_fcos_r_50_fpn/metadata.yaml b/torchbenchmark/models/detectron2_fcos_r_50_fpn/metadata.yaml index 1476c346c8..9c80a54250 100644 --- a/torchbenchmark/models/detectron2_fcos_r_50_fpn/metadata.yaml +++ b/torchbenchmark/models/detectron2_fcos_r_50_fpn/metadata.yaml @@ -6,6 +6,5 @@ eval_deterministic: false eval_nograd: true not_implemented: - device: cpu -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/detectron2_maskrcnn/metadata.yaml b/torchbenchmark/models/detectron2_maskrcnn/metadata.yaml index 1476c346c8..9c80a54250 100644 --- a/torchbenchmark/models/detectron2_maskrcnn/metadata.yaml +++ b/torchbenchmark/models/detectron2_maskrcnn/metadata.yaml @@ -6,6 +6,5 @@ eval_deterministic: false eval_nograd: true not_implemented: - device: cpu -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/detectron2_maskrcnn_r_101_c4/metadata.yaml b/torchbenchmark/models/detectron2_maskrcnn_r_101_c4/metadata.yaml index 61fc8409c4..901ee7a33a 100644 --- a/torchbenchmark/models/detectron2_maskrcnn_r_101_c4/metadata.yaml +++ b/torchbenchmark/models/detectron2_maskrcnn_r_101_c4/metadata.yaml @@ -6,6 +6,5 @@ eval_deterministic: false eval_nograd: true not_implemented: - device: cpu -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/detectron2_maskrcnn_r_101_fpn/metadata.yaml b/torchbenchmark/models/detectron2_maskrcnn_r_101_fpn/metadata.yaml index 1476c346c8..9c80a54250 100644 --- a/torchbenchmark/models/detectron2_maskrcnn_r_101_fpn/metadata.yaml +++ b/torchbenchmark/models/detectron2_maskrcnn_r_101_fpn/metadata.yaml @@ -6,6 +6,5 @@ eval_deterministic: false eval_nograd: true not_implemented: - device: cpu -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/detectron2_maskrcnn_r_50_c4/metadata.yaml b/torchbenchmark/models/detectron2_maskrcnn_r_50_c4/metadata.yaml index edaee4d126..2479d75cd3 100644 --- a/torchbenchmark/models/detectron2_maskrcnn_r_50_c4/metadata.yaml +++ b/torchbenchmark/models/detectron2_maskrcnn_r_50_c4/metadata.yaml @@ -6,6 +6,5 @@ eval_deterministic: false eval_nograd: true not_implemented: - device: cpu -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/detectron2_maskrcnn_r_50_fpn/metadata.yaml b/torchbenchmark/models/detectron2_maskrcnn_r_50_fpn/metadata.yaml index 1476c346c8..9c80a54250 100644 --- a/torchbenchmark/models/detectron2_maskrcnn_r_50_fpn/metadata.yaml +++ b/torchbenchmark/models/detectron2_maskrcnn_r_50_fpn/metadata.yaml @@ -6,6 +6,5 @@ eval_deterministic: false eval_nograd: true not_implemented: - device: cpu -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/dlrm/metadata.yaml b/torchbenchmark/models/dlrm/metadata.yaml index 594f4cdb56..cae895f10b 100644 --- a/torchbenchmark/models/dlrm/metadata.yaml +++ b/torchbenchmark/models/dlrm/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: true eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: true diff --git a/torchbenchmark/models/doctr_det_predictor/metadata.yaml b/torchbenchmark/models/doctr_det_predictor/metadata.yaml index 4c9c397493..dde46efcb6 100644 --- a/torchbenchmark/models/doctr_det_predictor/metadata.yaml +++ b/torchbenchmark/models/doctr_det_predictor/metadata.yaml @@ -6,6 +6,5 @@ eval_deterministic: false eval_nograd: true not_implemented: - device: cpu - - jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/doctr_reco_predictor/metadata.yaml b/torchbenchmark/models/doctr_reco_predictor/metadata.yaml index bebefd826f..022cdd2a02 100644 --- a/torchbenchmark/models/doctr_reco_predictor/metadata.yaml +++ b/torchbenchmark/models/doctr_reco_predictor/metadata.yaml @@ -6,6 +6,5 @@ eval_deterministic: false eval_nograd: true not_implemented: - device: cpu - - jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/drq/metadata.yaml b/torchbenchmark/models/drq/metadata.yaml index d20db5610f..da431b743e 100644 --- a/torchbenchmark/models/drq/metadata.yaml +++ b/torchbenchmark/models/drq/metadata.yaml @@ -2,7 +2,4 @@ eval_benchmark: false eval_deterministic: false eval_nograd: true train_benchmark: false -train_deterministic: false -not_implemented: - # DrQ model does not support JIT - - jit: true \ No newline at end of file +train_deterministic: false \ No newline at end of file diff --git a/torchbenchmark/models/fastNLP_Bert/metadata.yaml b/torchbenchmark/models/fastNLP_Bert/metadata.yaml index 56ccd7fdb2..0de5498129 100644 --- a/torchbenchmark/models/fastNLP_Bert/metadata.yaml +++ b/torchbenchmark/models/fastNLP_Bert/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: true eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: true diff --git a/torchbenchmark/models/hf_Albert/metadata.yaml b/torchbenchmark/models/hf_Albert/metadata.yaml index 290f4100bb..b72884cca4 100644 --- a/torchbenchmark/models/hf_Albert/metadata.yaml +++ b/torchbenchmark/models/hf_Albert/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/hf_Bart/metadata.yaml b/torchbenchmark/models/hf_Bart/metadata.yaml index b7b9c76b51..836832d61d 100644 --- a/torchbenchmark/models/hf_Bart/metadata.yaml +++ b/torchbenchmark/models/hf_Bart/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/hf_Bert/metadata.yaml b/torchbenchmark/models/hf_Bert/metadata.yaml index b7b9c76b51..836832d61d 100644 --- a/torchbenchmark/models/hf_Bert/metadata.yaml +++ b/torchbenchmark/models/hf_Bert/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/hf_Bert_large/metadata.yaml b/torchbenchmark/models/hf_Bert_large/metadata.yaml index ff4c34ff6b..2a72e2edf7 100644 --- a/torchbenchmark/models/hf_Bert_large/metadata.yaml +++ b/torchbenchmark/models/hf_Bert_large/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/hf_BigBird/metadata.yaml b/torchbenchmark/models/hf_BigBird/metadata.yaml index ff4c34ff6b..2a72e2edf7 100644 --- a/torchbenchmark/models/hf_BigBird/metadata.yaml +++ b/torchbenchmark/models/hf_BigBird/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/hf_DistilBert/metadata.yaml b/torchbenchmark/models/hf_DistilBert/metadata.yaml index 290f4100bb..b72884cca4 100644 --- a/torchbenchmark/models/hf_DistilBert/metadata.yaml +++ b/torchbenchmark/models/hf_DistilBert/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/hf_GPT2/metadata.yaml b/torchbenchmark/models/hf_GPT2/metadata.yaml index 290f4100bb..b72884cca4 100644 --- a/torchbenchmark/models/hf_GPT2/metadata.yaml +++ b/torchbenchmark/models/hf_GPT2/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/hf_GPT2_large/metadata.yaml b/torchbenchmark/models/hf_GPT2_large/metadata.yaml index 98d1f16d5c..8bbb90df66 100644 --- a/torchbenchmark/models/hf_GPT2_large/metadata.yaml +++ b/torchbenchmark/models/hf_GPT2_large/metadata.yaml @@ -4,8 +4,6 @@ eval_nograd: true train_benchmark: false train_deterministic: false not_implemented: - # hf_GPT2 model doesn't support JIT - - jit: true # OOMs on torchbench CI - device: cuda # CPU OOM on torchbench CI diff --git a/torchbenchmark/models/hf_Longformer/metadata.yaml b/torchbenchmark/models/hf_Longformer/metadata.yaml index ff4c34ff6b..2a72e2edf7 100644 --- a/torchbenchmark/models/hf_Longformer/metadata.yaml +++ b/torchbenchmark/models/hf_Longformer/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/hf_Reformer/metadata.yaml b/torchbenchmark/models/hf_Reformer/metadata.yaml index b7b9c76b51..836832d61d 100644 --- a/torchbenchmark/models/hf_Reformer/metadata.yaml +++ b/torchbenchmark/models/hf_Reformer/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/hf_T5_generate/metadata.yaml b/torchbenchmark/models/hf_T5_generate/metadata.yaml index 77cf46b1c8..a8ee22c2a7 100644 --- a/torchbenchmark/models/hf_T5_generate/metadata.yaml +++ b/torchbenchmark/models/hf_T5_generate/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/hf_T5_large/metadata.yaml b/torchbenchmark/models/hf_T5_large/metadata.yaml index fc1bf49d41..56f18186f4 100644 --- a/torchbenchmark/models/hf_T5_large/metadata.yaml +++ b/torchbenchmark/models/hf_T5_large/metadata.yaml @@ -4,7 +4,5 @@ eval_nograd: true train_benchmark: false train_deterministic: false not_implemented: - # hf_T5 model doesn't support JIT - - jit: true # disable train test because of CI infra capacity issue - test: train diff --git a/torchbenchmark/models/lennard_jones/metadata.yaml b/torchbenchmark/models/lennard_jones/metadata.yaml index 625a4f3885..21bba258c5 100644 --- a/torchbenchmark/models/lennard_jones/metadata.yaml +++ b/torchbenchmark/models/lennard_jones/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/llama_v2_7b_16h/metadata.yaml b/torchbenchmark/models/llama_v2_7b_16h/metadata.yaml index 4d40aba8c1..81a62e29bb 100644 --- a/torchbenchmark/models/llama_v2_7b_16h/metadata.yaml +++ b/torchbenchmark/models/llama_v2_7b_16h/metadata.yaml @@ -5,7 +5,6 @@ eval_benchmark: false eval_deterministic: false eval_nograd: true not_implemented: -- jit: true - device: cpu - device: cuda test: train diff --git a/torchbenchmark/models/maml/metadata.yaml b/torchbenchmark/models/maml/metadata.yaml index 06b9110c46..31ae423fe3 100644 --- a/torchbenchmark/models/maml/metadata.yaml +++ b/torchbenchmark/models/maml/metadata.yaml @@ -2,6 +2,4 @@ eval_benchmark: false eval_deterministic: true eval_nograd: true train_benchmark: false -train_deterministic: true -not_implemented: - - jit: true \ No newline at end of file +train_deterministic: true \ No newline at end of file diff --git a/torchbenchmark/models/maml_omniglot/metadata.yaml b/torchbenchmark/models/maml_omniglot/metadata.yaml index 24f57c317b..da431b743e 100644 --- a/torchbenchmark/models/maml_omniglot/metadata.yaml +++ b/torchbenchmark/models/maml_omniglot/metadata.yaml @@ -2,6 +2,4 @@ eval_benchmark: false eval_deterministic: false eval_nograd: true train_benchmark: false -train_deterministic: false -not_implemented: - - jit: true \ No newline at end of file +train_deterministic: false \ No newline at end of file diff --git a/torchbenchmark/models/mobilenet_v2_quantized_qat/__init__.py b/torchbenchmark/models/mobilenet_v2_quantized_qat/__init__.py index f453b557dc..e6e8e2914c 100644 --- a/torchbenchmark/models/mobilenet_v2_quantized_qat/__init__.py +++ b/torchbenchmark/models/mobilenet_v2_quantized_qat/__init__.py @@ -19,8 +19,6 @@ class Model(BenchmarkModel): def __init__(self, test, device, batch_size=None, extra_args=[]): if test == "eval" and device != "cpu": raise NotImplementedError("The eval test only supports CPU.") - if jit and test == "train": - raise NotImplementedError("torchscript operations should only be applied after quantization operations") super().__init__(test=test, device=device, batch_size=batch_size, extra_args=extra_args) self.model = models.mobilenet_v2().to(self.device) diff --git a/torchbenchmark/models/moco/__init__.py b/torchbenchmark/models/moco/__init__.py index 00114fd6d8..ccaf5a99e9 100644 --- a/torchbenchmark/models/moco/__init__.py +++ b/torchbenchmark/models/moco/__init__.py @@ -88,7 +88,6 @@ def collate_train_fn(data): def get_module(self): """ Recommended Returns model, example_inputs - model should be torchscript model if self.jit is True. Both model and example_inputs should be on self.device properly. `model(*example_inputs)` should execute one step of model forward. """ diff --git a/torchbenchmark/models/moco/metadata.yaml b/torchbenchmark/models/moco/metadata.yaml index 710a1882a1..abee4d3041 100644 --- a/torchbenchmark/models/moco/metadata.yaml +++ b/torchbenchmark/models/moco/metadata.yaml @@ -5,7 +5,6 @@ eval_benchmark: true eval_deterministic: false eval_nograd: true not_implemented: -- jit: true - device: cpu train_benchmark: true train_deterministic: false diff --git a/torchbenchmark/models/nanogpt_generate/metadata.yaml b/torchbenchmark/models/nanogpt_generate/metadata.yaml index 2445f16c59..31de3c8f55 100644 --- a/torchbenchmark/models/nanogpt_generate/metadata.yaml +++ b/torchbenchmark/models/nanogpt_generate/metadata.yaml @@ -1,7 +1,5 @@ eval_benchmark: false eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/nvidia_deeprecommender/metadata.yaml b/torchbenchmark/models/nvidia_deeprecommender/metadata.yaml index 4c813fcffe..a7f2a10a5c 100644 --- a/torchbenchmark/models/nvidia_deeprecommender/metadata.yaml +++ b/torchbenchmark/models/nvidia_deeprecommender/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/opacus_cifar10/metadata.yaml b/torchbenchmark/models/opacus_cifar10/metadata.yaml index 4c813fcffe..a7f2a10a5c 100644 --- a/torchbenchmark/models/opacus_cifar10/metadata.yaml +++ b/torchbenchmark/models/opacus_cifar10/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/pytorch_struct/metadata.yaml b/torchbenchmark/models/pytorch_struct/metadata.yaml index 131f8f559b..d96a26c8f5 100644 --- a/torchbenchmark/models/pytorch_struct/metadata.yaml +++ b/torchbenchmark/models/pytorch_struct/metadata.yaml @@ -2,6 +2,4 @@ eval_benchmark: true eval_deterministic: true eval_nograd: true train_benchmark: false -train_deterministic: false -not_implemented: - - jit: true \ No newline at end of file +train_deterministic: false \ No newline at end of file diff --git a/torchbenchmark/models/pytorch_unet/__init__.py b/torchbenchmark/models/pytorch_unet/__init__.py index 8006f6f51f..e97c775b55 100644 --- a/torchbenchmark/models/pytorch_unet/__init__.py +++ b/torchbenchmark/models/pytorch_unet/__init__.py @@ -71,7 +71,6 @@ def train(self): grad_scaler.update() def jit_callback(self): - assert self.jit, "Calling JIT callback without specifying the JIT option." if self.test == 'eval': self.model = torch.jit.optimize_for_inference( \ torch.jit.freeze(torch.jit.script(self.model.eval()), preserved_attrs=["n_classes"])) diff --git a/torchbenchmark/models/soft_actor_critic/metadata.yaml b/torchbenchmark/models/soft_actor_critic/metadata.yaml index 24f57c317b..da431b743e 100644 --- a/torchbenchmark/models/soft_actor_critic/metadata.yaml +++ b/torchbenchmark/models/soft_actor_critic/metadata.yaml @@ -2,6 +2,4 @@ eval_benchmark: false eval_deterministic: false eval_nograd: true train_benchmark: false -train_deterministic: false -not_implemented: - - jit: true \ No newline at end of file +train_deterministic: false \ No newline at end of file diff --git a/torchbenchmark/models/speech_transformer/metadata.yaml b/torchbenchmark/models/speech_transformer/metadata.yaml index 0a207a15fd..2479d75cd3 100644 --- a/torchbenchmark/models/speech_transformer/metadata.yaml +++ b/torchbenchmark/models/speech_transformer/metadata.yaml @@ -5,7 +5,6 @@ eval_benchmark: false eval_deterministic: false eval_nograd: true not_implemented: -- jit: true - device: cpu train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/tacotron2/__init__.py b/torchbenchmark/models/tacotron2/__init__.py index 1212e2164c..cf2088ca2e 100644 --- a/torchbenchmark/models/tacotron2/__init__.py +++ b/torchbenchmark/models/tacotron2/__init__.py @@ -23,9 +23,9 @@ class Model(BenchmarkModel): def __init__(self, test, device, batch_size=None, extra_args=[]): super().__init__(test=test, device=device, batch_size=batch_size, extra_args=extra_args) - if device == 'cpu' or jit: + if device == 'cpu': # TODO - currently load_model assumes cuda - raise NotImplementedError("Tacotron2 doesn't support CPU or JIT because load_model assumes CUDA") + raise NotImplementedError("Tacotron2 doesn't support CPU because load_model assumes CUDA.") self.hparams = self.create_hparams(batch_size=self.batch_size) self.model = load_model(self.hparams).to(device=device) diff --git a/torchbenchmark/models/tacotron2/metadata.yaml b/torchbenchmark/models/tacotron2/metadata.yaml index 2240c4cb1f..bab71ff7c5 100644 --- a/torchbenchmark/models/tacotron2/metadata.yaml +++ b/torchbenchmark/models/tacotron2/metadata.yaml @@ -7,6 +7,5 @@ eval_nograd: true not_implemented: - device: cuda - device: cpu -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/timm_efficientdet/__init__.py b/torchbenchmark/models/timm_efficientdet/__init__.py index 423c42b15b..8022abf7f2 100644 --- a/torchbenchmark/models/timm_efficientdet/__init__.py +++ b/torchbenchmark/models/timm_efficientdet/__init__.py @@ -60,7 +60,7 @@ def __init__(self, test, device, batch_size=None, extra_args=[]): # Disable distributed args.distributed = False args.device = self.device - args.torchscript = self.jit + args.torchscript = False args.world_size = 1 args.rank = 0 args.pretrained_backbone = not args.no_pretrained_backbone diff --git a/torchbenchmark/models/tts_angular/metadata.yaml b/torchbenchmark/models/tts_angular/metadata.yaml index 08659218bb..13f56f3911 100644 --- a/torchbenchmark/models/tts_angular/metadata.yaml +++ b/torchbenchmark/models/tts_angular/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: true eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: true train_deterministic: false diff --git a/torchbenchmark/models/vision_maskrcnn/metadata.yaml b/torchbenchmark/models/vision_maskrcnn/metadata.yaml index 77cf46b1c8..a8ee22c2a7 100644 --- a/torchbenchmark/models/vision_maskrcnn/metadata.yaml +++ b/torchbenchmark/models/vision_maskrcnn/metadata.yaml @@ -4,7 +4,5 @@ devices: eval_benchmark: false eval_deterministic: false eval_nograd: true -not_implemented: -- jit: true train_benchmark: false train_deterministic: false diff --git a/torchbenchmark/models/yolov3/metadata.yaml b/torchbenchmark/models/yolov3/metadata.yaml index fbdc9baa8d..a3a4d9f2fa 100644 --- a/torchbenchmark/models/yolov3/metadata.yaml +++ b/torchbenchmark/models/yolov3/metadata.yaml @@ -7,6 +7,5 @@ eval_nograd: true not_implemented: - device: cpu test: train -- jit: true train_benchmark: true train_deterministic: false