From d80b6bd94ae6ab1bc8c72abc48241d071cfe52c9 Mon Sep 17 00:00:00 2001 From: Zhiqiang Wang Date: Mon, 24 Jan 2022 15:40:38 +0800 Subject: [PATCH] Update PyTorch to 1.10 in TVM relay VM notebook --- notebooks/export-relay-inference-tvm.ipynb | 1398 +++++++++++++++++++- 1 file changed, 1359 insertions(+), 39 deletions(-) diff --git a/notebooks/export-relay-inference-tvm.ipynb b/notebooks/export-relay-inference-tvm.ipynb index 2aff1f3b..eb1306d8 100644 --- a/notebooks/export-relay-inference-tvm.ipynb +++ b/notebooks/export-relay-inference-tvm.ipynb @@ -15,8 +15,8 @@ "\n", "\n", "```shell\n", - "pip install torch==1.7.1\n", - "pip install torchvision==0.8.2\n", + "pip install torch==1.10.1\n", + "pip install torchvision==0.11.2\n", "```\n", "\n", "or please refer to official site\n", @@ -25,7 +25,9 @@ "PyTorch versions should be backwards compatible but should be used\n", "with the proper TorchVision version.\n", "\n", - "Currently, Only test `TVM` with PyTorch 1.7. Other versions may be unstable.\n", + "Currently, Only test `TVM` with PyTorch 1.7.x and 1.10.x, other versions may be unstable.\n", + "\n", + "And this notebook is running on macOS M1.\n", "\n", "---\n", "\n", @@ -92,20 +94,36 @@ "name": "stderr", "output_type": "stream", "text": [ - "/usr/local/lib/python3.6/dist-packages/torch/tensor.py:593: RuntimeWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", - " 'incorrect results).', category=RuntimeWarning)\n", - "/data/wangzq/yolov5-rt-stack/yolort/models/anchor_utils.py:31: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", - " stride = torch.as_tensor([stride], dtype=dtype, device=device)\n", - "/data/wangzq/yolov5-rt-stack/yolort/models/anchor_utils.py:50: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", - " anchor_grid = torch.as_tensor(anchor_grid, dtype=dtype, device=device)\n", - "/data/wangzq/yolov5-rt-stack/yolort/models/anchor_utils.py:79: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", - " shifts = shifts - torch.tensor(0.5, dtype=shifts.dtype, device=device)\n", - "/data/wangzq/yolov5-rt-stack/yolort/models/box_head.py:332: TracerWarning: Converting a tensor to a Python index might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs!\n", - " for idx in range(batch_size): # image idx, image inference\n", - "/data/wangzq/yolov5-rt-stack/yolort/models/transform.py:298: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", - " for s, s_orig in zip(new_size, original_size)\n", - "/data/wangzq/yolov5-rt-stack/yolort/models/transform.py:298: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requires_grad_(True), rather than torch.tensor(sourceTensor).\n", - " for s, s_orig in zip(new_size, original_size)\n" + "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/torch/_jit_internal.py:668: LightningDeprecationWarning: The `LightningModule.loaded_optimizer_states_dict` property is deprecated in v1.4 and will be removed in v1.6.\n", + " if hasattr(mod, name):\n", + "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/torch/_jit_internal.py:668: LightningDeprecationWarning: The `LightningModule.model_size` property was deprecated in v1.5 and will be removed in v1.7. Please use the `pytorch_lightning.utilities.memory.get_model_size_mb`.\n", + " if hasattr(mod, name):\n", + "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/torch/_jit_internal.py:669: LightningDeprecationWarning: The `LightningModule.model_size` property was deprecated in v1.5 and will be removed in v1.7. Please use the `pytorch_lightning.utilities.memory.get_model_size_mb`.\n", + " item = getattr(mod, name)\n", + "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/yolort/models/yolo_module.py:97: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", + " for img in inputs:\n", + "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/yolort/models/transform.py:79: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", + " images = [img for img in images]\n", + "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/torch/functional.py:445: UserWarning: torch.meshgrid: in an upcoming release, it will be required to pass the indexing argument. (Triggered internally at ../aten/src/ATen/native/TensorShape.cpp:2157.)\n", + " return _VF.meshgrid(tensors, **kwargs) # type: ignore[attr-defined]\n", + "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/yolort/models/anchor_utils.py:45: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + " anchors = torch.as_tensor(self.anchor_grids, dtype=torch.float32, device=device).to(dtype=dtype)\n", + "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/yolort/models/anchor_utils.py:46: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + " strides = torch.as_tensor(self.strides, dtype=torch.float32, device=device).to(dtype=dtype)\n", + "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/yolort/models/box_head.py:399: TracerWarning: Using len to get tensor shape might cause the trace to be incorrect. Recommended usage would be tensor.shape[0]. Passing a tensor of different shape might lead to errors or silently give incorrect results.\n", + " batch_size = len(head_outputs[0])\n", + "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/yolort/models/box_head.py:402: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + " strides = torch.as_tensor(self.strides, dtype=torch.float32, device=device).to(dtype=dtype)\n", + "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/yolort/models/box_head.py:333: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", + " for head_output, grid, shift, stride in zip(head_outputs, grids, shifts, strides):\n", + "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/yolort/models/transform.py:312: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + " torch.tensor(s, dtype=torch.float32, device=boxes.device)\n", + "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/yolort/models/transform.py:312: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requires_grad_(True), rather than torch.tensor(sourceTensor).\n", + " torch.tensor(s, dtype=torch.float32, device=boxes.device)\n", + "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/yolort/models/transform.py:313: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + " / torch.tensor(s_orig, dtype=torch.float32, device=boxes.device)\n", + "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/yolort/models/transform.py:313: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requires_grad_(True), rather than torch.tensor(sourceTensor).\n", + " / torch.tensor(s_orig, dtype=torch.float32, device=boxes.device)\n" ] } ], @@ -134,12 +152,12 @@ "data": { "text/plain": [ "graph(%self.1 : __torch__.yolort.relaying.trace_wrapper.TraceWrapper,\n", - " %images : Float(1:519168, 3:173056, 416:416, 416:1, requires_grad=0, device=cpu)):\n", - " %4399 : __torch__.yolort.models.yolo_module.YOLOModule = prim::GetAttr[name=\"model\"](%self.1)\n", - " %4778 : (Tensor, Tensor, Tensor) = prim::CallMethod[name=\"forward\"](%4399, %images)\n", - " %4775 : Float(14:4, 4:1, requires_grad=0, device=cpu), %4776 : Float(14:1, requires_grad=0, device=cpu), %4777 : Long(14:1, requires_grad=0, device=cpu) = prim::TupleUnpack(%4778)\n", - " %3515 : (Float(14:4, 4:1, requires_grad=0, device=cpu), Float(14:1, requires_grad=0, device=cpu), Long(14:1, requires_grad=0, device=cpu)) = prim::TupleConstruct(%4775, %4776, %4777)\n", - " return (%3515)" + " %x : Float(1, 3, 416, 416, strides=[519168, 173056, 416, 1], requires_grad=0, device=cpu)):\n", + " %model : __torch__.yolort.models.yolo_module.YOLOv5 = prim::GetAttr[name=\"model\"](%self.1)\n", + " %4896 : (Tensor, Tensor, Tensor) = prim::CallMethod[name=\"forward\"](%model, %x)\n", + " %4893 : Float(1, 4, strides=[4, 1], requires_grad=0, device=cpu), %4894 : Float(1, strides=[1], requires_grad=0, device=cpu), %4895 : Long(1, strides=[1], requires_grad=0, device=cpu) = prim::TupleUnpack(%4896)\n", + " %3667 : (Float(1, 4, strides=[4, 1], requires_grad=0, device=cpu), Float(1, strides=[1], requires_grad=0, device=cpu), Long(1, strides=[1], requires_grad=0, device=cpu)) = prim::TupleConstruct(%4893, %4894, %4895)\n", + " return (%3667)" ] }, "execution_count": 5, @@ -166,7 +184,9 @@ "source": [ "from yolort.utils import get_image_from_url\n", "\n", - "img = get_image_from_url(\"https://gitee.com/zhiqwang/yolov5-rt-stack/raw/master/test/assets/bus.jpg\")\n", + "img_source = \"https://huggingface.co/spaces/zhiqwang/assets/resolve/main/bus.jpg\"\n", + "# img_source = \"https://huggingface.co/spaces/zhiqwang/assets/resolve/main/zidane.jpg\"\n", + "img = get_image_from_url(img_source)\n", "# img = cv2.imread('../test/assets/bus.jpg')\n", "\n", "img = img.astype(\"float32\")\n", @@ -192,16 +212,32 @@ "name": "stderr", "output_type": "stream", "text": [ - "WARNING:root:Untyped Tensor found, assume it is float32\n", - "WARNING:root:Untyped Tensor found, assume it is float32\n", - "WARNING:root:Untyped Tensor found, assume it is float32\n", - "WARNING:root:Untyped Tensor found, assume it is float32\n", - "WARNING:root:Untyped Tensor found, assume it is float32\n", - "WARNING:root:Untyped Tensor found, assume it is float32\n", - "WARNING:root:Untyped Tensor found, assume it is float32\n", - "WARNING:root:Untyped Tensor found, assume it is float32\n", - "WARNING:root:Untyped Tensor found, assume it is float32\n", - "WARNING:root:Untyped Tensor found, assume it is float32\n" + "Using injective.cpu for stack based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using reduce.cpu for max based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for subtract based on highest priority (10)\n", + "Using injective.cpu for stack based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using reduce.cpu for max based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for ceil based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for subtract based on highest priority (10)\n", + "Using injective.cpu for stack based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using reduce.cpu for max based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for ceil based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for subtract based on highest priority (10)\n" ] } ], @@ -232,7 +268,1291 @@ "name": "stderr", "output_type": "stream", "text": [ - "WARNING:autotvm:One or more operators have not been tuned. Please tune your model for better performance. Use DEBUG logging level to see more details.\n" + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sqrt based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for negative based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for arange based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for meshgrid based on highest priority (10)\n", + "Using injective.cpu for stack based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for repeat based on highest priority (10)\n", + "Using injective.cpu for repeat based on highest priority (10)\n", + "Using injective.cpu for reshape based on highest priority (10)\n", + "Using injective.cpu for reshape based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for take based on highest priority (10)\n", + "Using injective.cpu for copy based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for reshape based on highest priority (10)\n", + "Using injective.cpu for repeat based on highest priority (10)\n", + "Using injective.cpu for repeat based on highest priority (10)\n", + "Using injective.cpu for repeat based on highest priority (10)\n", + "Using injective.cpu for arange based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for meshgrid based on highest priority (10)\n", + "Using injective.cpu for stack based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for repeat based on highest priority (10)\n", + "Using injective.cpu for repeat based on highest priority (10)\n", + "Using injective.cpu for take based on highest priority (10)\n", + "Using injective.cpu for copy based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for reshape based on highest priority (10)\n", + "Using injective.cpu for repeat based on highest priority (10)\n", + "Using injective.cpu for repeat based on highest priority (10)\n", + "Using injective.cpu for repeat based on highest priority (10)\n", + "Using injective.cpu for arange based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for meshgrid based on highest priority (10)\n", + "Using injective.cpu for stack based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for repeat based on highest priority (10)\n", + "Using injective.cpu for repeat based on highest priority (10)\n", + "Using injective.cpu for take based on highest priority (10)\n", + "Using injective.cpu for copy based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for reshape based on highest priority (10)\n", + "Using injective.cpu for repeat based on highest priority (10)\n", + "Using injective.cpu for repeat based on highest priority (10)\n", + "Using injective.cpu for repeat based on highest priority (10)\n", + "Using injective.cpu for split based on highest priority (10)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for less based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "One or more operators have not been tuned. Please tune your model for better performance. Use DEBUG logging level to see more details.\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using conv2d_nchw.x86 for nn.conv2d based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for split based on highest priority (10)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for image.resize2d based on highest priority (10)\n", + "Using injective.cpu for take based on highest priority (10)\n", + "Using injective.cpu for stack based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using concatenate.cpu for concatenate based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using concatenate.cpu for concatenate based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using concatenate.cpu for concatenate based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using concatenate.cpu for concatenate based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using pool.cpu for nn.max_pool2d based on highest priority (10)\n", + "Using pool.cpu for nn.max_pool2d based on highest priority (10)\n", + "Using pool.cpu for nn.max_pool2d based on highest priority (10)\n", + "Using concatenate.cpu for concatenate based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for image.resize2d based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using concatenate.cpu for concatenate based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for image.resize2d based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using concatenate.cpu for concatenate based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using conv2d_NCHWc.x86 for nn.contrib_conv2d_NCHWc based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for reshape based on highest priority (10)\n", + "Using transpose.generic for transpose based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for strided_slice based on highest priority (10)\n", + "Using injective.cpu for strided_slice based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for subtract based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for strided_slice based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for power based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for strided_slice based on highest priority (10)\n", + "Using concatenate.cpu for concatenate based on highest priority (10)\n", + "Using injective.cpu for reshape based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for reshape based on highest priority (10)\n", + "Using transpose.generic for transpose based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for strided_slice based on highest priority (10)\n", + "Using injective.cpu for strided_slice based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for subtract based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for strided_slice based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for power based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for strided_slice based on highest priority (10)\n", + "Using concatenate.cpu for concatenate based on highest priority (10)\n", + "Using injective.cpu for reshape based on highest priority (10)\n", + "Using injective.cpu for layout_transform based on highest priority (10)\n", + "Using injective.cpu for reshape based on highest priority (10)\n", + "Using transpose.generic for transpose based on highest priority (10)\n", + "Using injective.cpu for sigmoid based on highest priority (10)\n", + "Using injective.cpu for strided_slice based on highest priority (10)\n", + "Using injective.cpu for strided_slice based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for subtract based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for strided_slice based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for power based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for strided_slice based on highest priority (10)\n", + "Using concatenate.cpu for concatenate based on highest priority (10)\n", + "Using injective.cpu for reshape based on highest priority (10)\n", + "Using concatenate.cpu for concatenate based on highest priority (10)\n", + "Using injective.cpu for take based on highest priority (10)\n", + "Using injective.cpu for strided_slice based on highest priority (10)\n", + "Using injective.cpu for strided_slice based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for greater based on highest priority (10)\n", + "Using argwhere.generic for argwhere based on highest priority (10)\n", + "Using injective.cpu for split based on highest priority (10)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for adv_index based on highest priority (10)\n", + "Using injective.cpu for strided_slice based on highest priority (10)\n", + "Using injective.cpu for split based on highest priority (10)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for subtract based on highest priority (10)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for subtract based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for stack based on highest priority (10)\n", + "Using injective.cpu for adv_index based on highest priority (10)\n", + "Using injective.cpu for ndarray_size based on highest priority (10)\n", + "Using injective.cpu for equal based on highest priority (10)\n", + "Using injective.cpu for zeros based on highest priority (10)\n", + "Using reduce.cpu for min based on highest priority (10)\n", + "Using injective.cpu for subtract based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using reduce.cpu for max based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using concatenate.cpu for concatenate based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using injective.cpu for shape_of based on highest priority (10)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for arange based on highest priority (10)\n", + "Using injective.cpu for expand_dims based on highest priority (10)\n", + "Using nms.generic for vision.non_max_suppression based on highest priority (10)\n", + "[15:34:57] /Users/zhiqiang/Coding/tvm/src/te/schedule/bound.cc:119: not in feed graph consumer = hybrid(hybrid_nms, 0x600007cfd960)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for shape_of based on highest priority (10)\n", + "Using injective.cpu for slice_like based on highest priority (10)\n", + "Using injective.cpu for where based on highest priority (10)\n", + "Using injective.cpu for greater_equal based on highest priority (10)\n", + "Using injective.cpu for where based on highest priority (10)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for dyn.strided_slice based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for strided_slice based on highest priority (10)\n", + "Using injective.cpu for adv_index based on highest priority (10)\n", + "Using injective.cpu for split based on highest priority (10)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for squeeze based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using injective.cpu for stack based on highest priority (10)\n", + "Using injective.cpu for adv_index based on highest priority (10)\n", + "Using injective.cpu for adv_index based on highest priority (10)\n", + "[15:34:57] /Users/zhiqiang/Coding/tvm/src/relay/transforms/let_list.h:54: Warning: letlist not used\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for cast based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using injective.cpu for add based on highest priority (10)\n", + "Using injective.cpu for divide based on highest priority (10)\n", + "Using reduce.cpu for prod based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using reduce.cpu for prod based on highest priority (10)\n", + "Using injective.cpu for multiply based on highest priority (10)\n", + "Using reduce.cpu for prod based on highest priority (10)\n", + "[15:34:58] /Users/zhiqiang/Coding/tvm/src/relay/transforms/let_list.h:54: Warning: letlist not used\n", + "[15:34:59] /Users/zhiqiang/Coding/tvm/src/relay/transforms/let_list.h:54: Warning: letlist not used\n" ] } ], @@ -284,7 +1604,7 @@ "name": "stdout", "output_type": "stream", "text": [ - "88.6 ms ± 1.52 ms per loop (mean ± std. dev. of 7 runs, 10 loops each)\n" + "150 ms ± 4.4 ms per loop (mean ± std. dev. of 7 runs, 10 loops each)\n" ] } ], @@ -364,7 +1684,7 @@ ], "source": [ "for i in range(len(torch_res)):\n", - " torch.testing.assert_allclose(torch_res[i], tvm_res[i].asnumpy(), rtol=1e-03, atol=1e-05)\n", + " torch.testing.assert_allclose(torch_res[i], tvm_res[i].asnumpy())\n", "\n", "print(\"Exported model has been tested with TVM Runtime, and the result looks good!\")" ] @@ -372,7 +1692,7 @@ ], "metadata": { "kernelspec": { - "display_name": "Python 3", + "display_name": "tvm", "language": "python", "name": "python3" }, @@ -386,7 +1706,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.9.7" + "version": "3.8.11" } }, "nbformat": 4,