You are viewing a plain text version of this content. The canonical link for it is here.
Posted to commits@tvm.apache.org by tq...@apache.org on 2021/03/26 11:57:18 UTC

[tvm] branch main updated (8c8971a -> fbfeee4)

This is an automated email from the ASF dual-hosted git repository.

tqchen pushed a change to branch main
in repository https://gitbox.apache.org/repos/asf/tvm.git.


    from 8c8971a  [CI] Temp disable rust docs build (#7743)
     add fbfeee4  [Refactor] Rename TVMContext to Device (#7721)

No new revisions were added by this update.

Summary of changes:
 3rdparty/dlpack                                    |   2 +-
 .../androidcamerademo/Camera2BasicFragment.java    |  16 +-
 .../org/apache/tvm/android/demo/MainActivity.java  |  10 +-
 apps/android_rpc/tests/android_rpc_test.py         |  24 +-
 apps/benchmark/arm_cpu_imagenet_bench.py           |   6 +-
 apps/benchmark/gpu_imagenet_bench.py               |   6 +-
 apps/benchmark/mobile_gpu_imagenet_bench.py        |   6 +-
 apps/bundle_deploy/bundle.c                        |  16 +-
 apps/bundle_deploy/bundle_static.c                 |  16 +-
 apps/bundle_deploy/demo.cc                         |   4 +-
 apps/bundle_deploy/demo_static.c                   |   8 +-
 apps/bundle_deploy/test.cc                         |   4 +-
 apps/bundle_deploy/test_static.c                   |   8 +-
 apps/extension/tests/test_ext.py                   |  12 +-
 apps/howto_deploy/cpp_deploy.cc                    |   8 +-
 apps/ios_rpc/tests/ios_rpc_mobilenet.py            |  10 +-
 apps/ios_rpc/tests/ios_rpc_test.py                 |  16 +-
 apps/topi_recipe/conv/depthwise_conv2d_test.py     |  44 +-
 apps/topi_recipe/conv/test_conv2d_hwcn_map.py      |  10 +-
 apps/topi_recipe/conv/test_conv_int8_arm.py        |  12 +-
 apps/topi_recipe/conv/test_conv_int8_intel.py      |  12 +-
 apps/topi_recipe/gemm/android_gemm_square.py       |  14 +-
 apps/topi_recipe/gemm/cuda_gemm_square.py          |  12 +-
 apps/topi_recipe/gemm/gemm_int8.py                 |  10 +-
 apps/topi_recipe/reduce/test_reduce_map.py         |   4 +-
 apps/topi_recipe/rnn/lstm.py                       |  14 +-
 apps/topi_recipe/rnn/matexp.py                     |  10 +-
 apps/wasm-standalone/wasm-graph/src/types.rs       |   4 +-
 docs/contribute/code_guide.rst                     |   2 +-
 docs/deploy/arm_compute_lib.rst                    |   4 +-
 docs/deploy/bnns.rst                               |   4 +-
 docs/deploy/hls.rst                                |   8 +-
 docs/deploy/tensorrt.rst                           |   4 +-
 docs/deploy/vitis_ai.rst                           |   4 +-
 docs/dev/codebase_walkthrough.rst                  |   8 +-
 docs/dev/debugger.rst                              |   2 +-
 docs/dev/index.rst                                 |   2 +-
 docs/dev/relay_bring_your_own_codegen.rst          |   8 +-
 golang/sample/simple.go                            |   2 +-
 golang/src/array_test.go                           |  24 +-
 golang/src/{context.go => device.go}               |  68 +--
 golang/src/ndarray.go                              |  18 +-
 golang/src/value.go                                |   4 +-
 include/tvm/relay/analysis.h                       |   8 +-
 include/tvm/relay/interpreter.h                    |   4 +-
 include/tvm/runtime/c_runtime_api.h                |  49 +-
 include/tvm/runtime/crt/graph_runtime.h            |   4 +-
 include/tvm/runtime/crt/memory.h                   |   8 +-
 include/tvm/runtime/crt/platform.h                 |   8 +-
 include/tvm/runtime/device_api.h                   | 131 ++---
 include/tvm/runtime/ndarray.h                      |  66 ++-
 include/tvm/runtime/packed_func.h                  |  28 +-
 include/tvm/runtime/profiling.h                    |  16 +-
 include/tvm/runtime/serializer.h                   |  16 +-
 include/tvm/runtime/vm/memory_manager.h            |  35 +-
 include/tvm/runtime/vm/vm.h                        |  16 +-
 include/tvm/tir/stmt.h                             |   6 +-
 jvm/README.md                                      |   8 +-
 .../src/main/java/org/apache/tvm/ArgTypeCode.java  |   2 +-
 .../apache/tvm/{TVMContext.java => Device.java}    |  68 +--
 jvm/core/src/main/java/org/apache/tvm/LibInfo.java |   2 +-
 jvm/core/src/main/java/org/apache/tvm/NDArray.java |  32 +-
 .../java/org/apache/tvm/contrib/GraphModule.java   |  16 +-
 .../java/org/apache/tvm/contrib/GraphRuntime.java  |  12 +-
 .../main/java/org/apache/tvm/rpc/RPCSession.java   |  86 +--
 ...{TVMRemoteContext.java => TVMRemoteDevice.java} |   6 +-
 .../src/test/java/org/apache/tvm/ModuleTest.java   |  14 +-
 .../org/apache/tvm/contrib/GraphRuntimeTest.java   |  18 +-
 jvm/native/src/main/native/jni_helper_func.h       |  14 +-
 .../src/main/native/org_apache_tvm_native_c_api.cc |   2 +-
 python/tvm/__init__.py                             |   2 +-
 python/tvm/_ffi/_ctypes/packed_func.py             |  10 +-
 python/tvm/_ffi/_ctypes/types.py                   |  16 +-
 python/tvm/_ffi/_cython/base.pxi                   |  10 +-
 python/tvm/_ffi/_cython/packed_func.pxi            |  12 +-
 python/tvm/_ffi/runtime_ctypes.py                  |  16 +-
 python/tvm/auto_scheduler/measure.py               |  26 +-
 python/tvm/autotvm/measure/measure_methods.py      |  22 +-
 python/tvm/contrib/coreml_runtime.py               |  12 +-
 .../tvm/contrib/cuda_graph/cuda_graph_runtime.py   |  12 +-
 python/tvm/contrib/debugger/debug_runtime.py       |  48 +-
 python/tvm/contrib/graph_runtime.py                |  66 +--
 python/tvm/contrib/peak.py                         |  48 +-
 python/tvm/contrib/sparse.py                       |  16 +-
 python/tvm/contrib/target/coreml.py                |   4 +-
 python/tvm/contrib/tflite_runtime.py               |  16 +-
 python/tvm/driver/build_module.py                  |   4 +-
 python/tvm/driver/tvmc/runner.py                   |  12 +-
 python/tvm/micro/session.py                        |  32 +-
 python/tvm/relay/analysis/analysis.py              |   8 +-
 python/tvm/relay/backend/graph_runtime_codegen.py  |   2 +-
 python/tvm/relay/backend/interpreter.py            |  10 +-
 python/tvm/relay/backend/vm.py                     |  14 +-
 python/tvm/relay/build_module.py                   |  32 +-
 python/tvm/relay/frontend/common.py                |   6 +-
 python/tvm/relay/op/annotation/annotation.py       |  10 +-
 python/tvm/relay/op/memory/memory.py               |  10 +-
 python/tvm/relay/op/tensor.py                      |  20 +-
 python/tvm/relay/quantize/_calibrate.py            |   6 +-
 python/tvm/relay/testing/__init__.py               |   4 +-
 python/tvm/relay/testing/init.py                   |   2 +-
 python/tvm/relay/transform/memory_plan.py          |  31 +-
 python/tvm/rpc/client.py                           |  32 +-
 python/tvm/runtime/__init__.py                     |   4 +-
 python/tvm/runtime/module.py                       |  10 +-
 python/tvm/runtime/ndarray.py                      | 127 ++--
 python/tvm/runtime/profiler_vm.py                  |   6 +-
 python/tvm/runtime/vm.py                           |  52 +-
 python/tvm/testing.py                              |  14 +-
 python/tvm/tir/buffer.py                           |   8 +-
 python/tvm/topi/cuda/nms.py                        |   8 +-
 python/tvm/topi/random/kernel.py                   |   6 +-
 python/tvm/topi/sort.py                            |   6 +-
 python/tvm/topi/testing/common.py                  |   8 +-
 python/tvm/topi/vision/nms.py                      |   8 +-
 rust/tvm-graph-rt/src/array.rs                     |  12 +-
 rust/tvm-graph-rt/src/graph.rs                     |  14 +-
 rust/tvm-rt/src/{context.rs => device.rs}          |  14 +-
 rust/tvm-rt/src/lib.rs                             |  12 +-
 rust/tvm-rt/src/ndarray.rs                         |  68 +--
 rust/tvm-sys/src/array.rs                          |   4 +-
 rust/tvm-sys/src/{context.rs => device.rs}         | 112 ++--
 rust/tvm-sys/src/lib.rs                            |   4 +-
 rust/tvm-sys/src/packed_func.rs                    |   8 +-
 rust/tvm-sys/src/value.rs                          |  12 +-
 rust/tvm/examples/resnet/src/build_resnet.py       |   6 +-
 rust/tvm/examples/resnet/src/main.rs               |   8 +-
 rust/tvm/src/ir/diagnostics/mod.rs                 |   2 +-
 rust/tvm/src/lib.rs                                |   4 +-
 rust/tvm/src/runtime/graph_rt.rs                   |  16 +-
 rust/tvm/tests/basics/src/main.rs                  |  12 +-
 rust/tvm/tests/callback/src/bin/array.rs           |   2 +-
 src/auto_scheduler/search_task.cc                  |  16 +-
 src/contrib/tf_op/tvm_dso_op_kernels.cc            |  10 +-
 src/node/structural_hash.cc                        |   6 +-
 src/parser/parser.cc                               |  12 +-
 src/printer/relay_text_printer.cc                  |   2 +-
 src/relay/analysis/context_analysis.cc             |  86 +--
 src/relay/analysis/util.cc                         |   2 +-
 src/relay/backend/graph_plan_memory.cc             |   2 +-
 src/relay/backend/interpreter.cc                   |  42 +-
 src/relay/backend/vm/compiler.cc                   |   2 +-
 src/relay/backend/vm/compiler.h                    |   2 +-
 src/relay/op/memory/memory.cc                      |   6 +-
 src/relay/op/memory/memory.h                       |   2 +-
 src/relay/transforms/fold_constant.cc              |  28 +-
 src/relay/transforms/memory_alloc.cc               |  53 +-
 src/relay/transforms/partial_eval.cc               |  20 +-
 src/runtime/c_runtime_api.cc                       | 129 ++--
 .../contrib/arm_compute_lib/acl_allocator.cc       |   8 +-
 .../contrib/arm_compute_lib/acl_allocator.h        |   8 +-
 src/runtime/contrib/coreml/coreml_runtime.mm       |   4 +-
 src/runtime/contrib/cudnn/conv_forward.cc          |   4 +-
 src/runtime/contrib/cudnn/cudnn_utils.cc           |   4 +-
 src/runtime/contrib/cudnn/cudnn_utils.h            |   2 +-
 src/runtime/contrib/edgetpu/edgetpu_runtime.cc     |   8 +-
 src/runtime/contrib/edgetpu/edgetpu_runtime.h      |   8 +-
 src/runtime/contrib/ethosn/ethosn_device.cc        |   3 +-
 src/runtime/contrib/miopen/conv_forward.cc         |  20 +-
 src/runtime/contrib/miopen/miopen_utils.cc         |   4 +-
 src/runtime/contrib/miopen/miopen_utils.h          |   2 +-
 src/runtime/contrib/mps/conv.mm                    |  20 +-
 src/runtime/contrib/mps/gemm.mm                    |   8 +-
 src/runtime/contrib/nnpack/convolution.cc          |  16 +-
 src/runtime/contrib/random/mt_random_engine.cc     |   6 +-
 src/runtime/contrib/random/random.cc               |   2 +-
 src/runtime/contrib/tensorrt/tensorrt_builder.cc   |   4 +-
 src/runtime/contrib/tensorrt/tensorrt_runtime.cc   |   6 +-
 src/runtime/contrib/tflite/tflite_runtime.cc       |  10 +-
 src/runtime/contrib/tflite/tflite_runtime.h        |  10 +-
 src/runtime/cpu_device_api.cc                      |  25 +-
 src/runtime/crt/common/crt_backend_api.c           |   8 +-
 src/runtime/crt/common/crt_runtime_api.c           |  54 +-
 src/runtime/crt/common/ndarray.c                   |  32 +-
 src/runtime/crt/graph_runtime/graph_runtime.c      | 136 ++---
 src/runtime/crt/graph_runtime/load_json.c          |  20 +-
 .../graph_runtime_module/graph_runtime_module.c    |   4 +-
 src/runtime/crt/host/main.cc                       |   8 +-
 .../tvm/runtime/crt/internal/common/ndarray.h      |   4 +-
 .../crt/internal/graph_runtime/graph_runtime.h     |   4 +-
 src/runtime/crt/memory/memory.c                    |   6 +-
 src/runtime/crt/utvm_rpc_server/rpc_server.cc      |   6 +-
 src/runtime/cuda/cuda_device_api.cc                |  99 ++--
 .../graph/cuda_graph/graph_runtime_cuda_graph.cc   |  16 +-
 src/runtime/graph/debug/graph_runtime_debug.cc     |  22 +-
 src/runtime/graph/graph_runtime.cc                 |  62 +-
 src/runtime/graph/graph_runtime.h                  |  11 +-
 src/runtime/graph/graph_runtime_factory.cc         |  56 +-
 src/runtime/graph/graph_runtime_factory.h          |  12 +-
 src/runtime/hexagon/hexagon_device_api.cc          |  72 +--
 src/runtime/hexagon/hexagon_module.cc              |  34 +-
 src/runtime/hexagon/hexagon_module.h               |   2 +-
 src/runtime/metal/metal_common.h                   |  52 +-
 src/runtime/metal/metal_device_api.mm              |  69 ++-
 src/runtime/metal/metal_module.mm                  |   6 +-
 src/runtime/micro/standalone/utvm_graph_runtime.cc |  16 +-
 src/runtime/micro/standalone/utvm_graph_runtime.h  |  12 +-
 src/runtime/minrpc/minrpc_server.h                 |  42 +-
 src/runtime/minrpc/rpc_reference.h                 |  16 +-
 src/runtime/ndarray.cc                             |  59 +-
 src/runtime/opencl/aocl/aocl_common.h              |   2 +-
 src/runtime/opencl/aocl/aocl_device_api.cc         |   4 +-
 src/runtime/opencl/opencl_common.h                 |  42 +-
 src/runtime/opencl/opencl_device_api.cc            |  47 +-
 src/runtime/opencl/opencl_module.cc                |   4 +-
 src/runtime/opencl/sdaccel/sdaccel_common.h        |   2 +-
 src/runtime/opencl/sdaccel/sdaccel_device_api.cc   |   4 +-
 src/runtime/profiling.cc                           |  20 +-
 src/runtime/rocm/rocm_device_api.cc                |  84 +--
 src/runtime/rpc/rpc_device_api.cc                  |  79 ++-
 src/runtime/rpc/rpc_endpoint.cc                    |  82 ++-
 src/runtime/rpc/rpc_endpoint.h                     |   4 +-
 src/runtime/rpc/rpc_local_session.cc               |  20 +-
 src/runtime/rpc/rpc_local_session.h                |   2 +-
 src/runtime/rpc/rpc_module.cc                      |  72 +--
 src/runtime/rpc/rpc_session.cc                     |   4 +-
 src/runtime/rpc/rpc_session.h                      |  18 +-
 src/runtime/stackvm/stackvm.cc                     |   8 +-
 src/runtime/vm/memory_manager.cc                   |  39 +-
 src/runtime/vm/naive_allocator.h                   |  10 +-
 src/runtime/vm/pooled_allocator.h                  |  12 +-
 src/runtime/vm/profiler/vm.cc                      |   9 +-
 src/runtime/vm/vm.cc                               |  80 +--
 src/runtime/vulkan/vulkan.cc                       |  79 ++-
 src/runtime/workspace_pool.cc                      |  42 +-
 src/runtime/workspace_pool.h                       |   8 +-
 src/support/ffi_testing.cc                         |  10 +-
 src/target/llvm/codegen_amdgpu.cc                  |  12 +-
 src/target/llvm/codegen_hexagon.cc                 |   6 +-
 src/target/llvm/codegen_params.cc                  |   2 +-
 src/target/source/codegen_c.cc                     |   4 +-
 src/target/target_kind.cc                          |   2 +-
 .../schedule_postproc_rewrite_for_tensor_core.cc   |   4 +-
 src/tir/transforms/lower_tvm_builtin.cc            |   4 +-
 src/tir/transforms/make_packed_api.cc              |   6 +-
 tests/cpp/container_test.cc                        |   2 +-
 tests/cpp/contrib/bnns.cc                          |   4 +-
 tests/cpp/packed_func_test.cc                      |   4 +-
 tests/cpp/profiling.cc                             |   8 +-
 tests/cpp/relay_build_module_test.cc               |   4 +-
 tests/crt/memory_test.cc                           |   8 +-
 tests/micro/qemu/test_zephyr.py                    |  20 +-
 tests/micro/qemu/zephyr-runtime/src/main.c         |   4 +-
 .../test_minimal_target_codegen_llvm.py            |  14 +-
 .../test_runtime_ndarray.py                        |   8 +-
 .../test_runtime_packed_func.py                    |  12 +-
 .../contrib/test_bnns/test_onnx_topologies.py      |   4 +-
 tests/python/contrib/test_cblas.py                 |  24 +-
 tests/python/contrib/test_coreml_codegen.py        |   6 +-
 tests/python/contrib/test_coreml_runtime.py        |  14 +-
 tests/python/contrib/test_cublas.py                |  24 +-
 tests/python/contrib/test_cudnn.py                 |  28 +-
 tests/python/contrib/test_edgetpu_runtime.py       |   6 +-
 tests/python/contrib/test_ethosn/infrastructure.py |   2 +-
 tests/python/contrib/test_gemm_acc16.py            |  10 +-
 tests/python/contrib/test_gemm_acc32_vnni.py       |  10 +-
 tests/python/contrib/test_miopen.py                |  10 +-
 tests/python/contrib/test_mps.py                   |  16 +-
 tests/python/contrib/test_mxnet_bridge.py          |   8 +-
 tests/python/contrib/test_nnpack.py                |  28 +-
 tests/python/contrib/test_onnx.py                  |   4 +-
 tests/python/contrib/test_onnx_model.py            |   4 +-
 tests/python/contrib/test_random.py                |  20 +-
 tests/python/contrib/test_rocblas.py               |  16 +-
 tests/python/contrib/test_sort.py                  |  26 +-
 tests/python/contrib/test_sparse.py                |  24 +-
 tests/python/contrib/test_tensorrt.py              |  36 +-
 tests/python/contrib/test_tflite_runtime.py        |   1 -
 tests/python/contrib/test_thrust.py                |  24 +-
 .../contrib/test_verilator/infrastructure.py       |   4 +-
 .../python/contrib/test_vitis_ai/infrastructure.py |   5 +-
 .../test_vitis_ai_runtime_cpu_part.py              |   2 +-
 tests/python/frontend/caffe/test_forward.py        |   4 +-
 tests/python/frontend/caffe2/test_forward.py       |   8 +-
 tests/python/frontend/coreml/test_forward.py       | 102 ++--
 tests/python/frontend/darknet/test_forward.py      |   4 +-
 tests/python/frontend/keras/test_forward.py        |   8 +-
 tests/python/frontend/mxnet/test_forward.py        | 258 ++++----
 tests/python/frontend/mxnet/test_qnn_ops_utils.py  |   4 +-
 tests/python/frontend/onnx/test_forward.py         |  77 +--
 tests/python/frontend/pytorch/test_forward.py      |  12 +-
 tests/python/frontend/pytorch/test_lstm.py         |  10 +-
 .../frontend/pytorch/test_object_detection.py      |   4 +-
 .../python/frontend/tensorflow/test_bn_dynamic.py  |   4 +-
 tests/python/frontend/tensorflow/test_forward.py   |  20 +-
 tests/python/frontend/tflite/test_forward.py       |   8 +-
 tests/python/integration/test_dot.py               |   8 +-
 tests/python/integration/test_ewise.py             |  58 +-
 tests/python/integration/test_ewise_fpga.py        |  20 +-
 tests/python/integration/test_gemm.py              |  12 +-
 tests/python/integration/test_reduce.py            |  94 +--
 tests/python/integration/test_scan.py              |   6 +-
 tests/python/integration/test_tuning.py            |   2 +-
 tests/python/integration/test_winograd_nnpack.py   |  10 +-
 .../quantization/test_quantization_accuracy.py     |   6 +-
 tests/python/relay/benchmarking/benchmark_vm.py    |  22 +-
 tests/python/relay/dyn/test_dynamic_op_level10.py  |  18 +-
 tests/python/relay/dyn/test_dynamic_op_level2.py   |   8 +-
 tests/python/relay/dyn/test_dynamic_op_level3.py   |   6 +-
 tests/python/relay/dyn/test_dynamic_op_level4.py   |   4 +-
 tests/python/relay/dyn/test_dynamic_op_level5.py   |   4 +-
 tests/python/relay/dyn/test_dynamic_op_level6.py   |   4 +-
 tests/python/relay/test_adt.py                     |   4 +-
 tests/python/relay/test_any.py                     |  12 +-
 .../test_auto_scheduler_layout_rewrite_networks.py |   4 +-
 tests/python/relay/test_auto_scheduler_tuning.py   |   4 +-
 tests/python/relay/test_backend_compile_engine.py  |   6 +-
 tests/python/relay/test_backend_graph_runtime.py   |  10 +-
 tests/python/relay/test_backend_interpreter.py     |   8 +-
 tests/python/relay/test_cpp_build_module.py        |  28 +-
 tests/python/relay/test_external_codegen.py        |  12 +-
 tests/python/relay/test_json_runtime.py            |  16 +-
 tests/python/relay/test_op_fast_math.py            |   6 +-
 tests/python/relay/test_op_grad_level1.py          |   8 +-
 tests/python/relay/test_op_grad_level2.py          |  12 +-
 tests/python/relay/test_op_grad_level3.py          |   8 +-
 tests/python/relay/test_op_level1.py               |  40 +-
 tests/python/relay/test_op_level10.py              |  60 +-
 tests/python/relay/test_op_level2.py               | 114 ++--
 tests/python/relay/test_op_level3.py               | 120 ++--
 tests/python/relay/test_op_level4.py               |  44 +-
 tests/python/relay/test_op_level5.py               |  88 +--
 tests/python/relay/test_op_level6.py               |  12 +-
 tests/python/relay/test_op_qnn_add.py              |  12 +-
 tests/python/relay/test_op_qnn_concatenate.py      |  10 +-
 tests/python/relay/test_op_qnn_conv2_transpose.py  |   2 +-
 tests/python/relay/test_op_qnn_conv2d.py           |   8 +-
 tests/python/relay/test_op_qnn_dense.py            |   2 +-
 tests/python/relay/test_op_qnn_dequantize.py       |   6 +-
 tests/python/relay/test_op_qnn_mul.py              |  10 +-
 tests/python/relay/test_op_qnn_quantize.py         |   6 +-
 tests/python/relay/test_op_qnn_requantize.py       |   2 +-
 .../relay/test_op_qnn_simulated_dequantize.py      |   2 +-
 .../python/relay/test_op_qnn_simulated_quantize.py |   2 +-
 tests/python/relay/test_op_qnn_subtract.py         |   2 +-
 tests/python/relay/test_param_dict.py              |   6 +-
 tests/python/relay/test_pass_alter_op_layout.py    |   6 +-
 tests/python/relay/test_pass_annotate_target.py    |  12 +-
 tests/python/relay/test_pass_annotation.py         | 158 ++---
 tests/python/relay/test_pass_auto_quantize.py      |   4 +-
 tests/python/relay/test_pass_dynamic_to_static.py  |   8 +-
 .../relay/test_pass_fold_explicit_padding.py       |   4 +-
 tests/python/relay/test_pass_fuse_ops.py           |   4 +-
 tests/python/relay/test_pass_manager.py            |  24 +-
 tests/python/relay/test_pass_partial_eval.py       |   4 +-
 tests/python/relay/test_pass_partition_graph.py    |  18 +-
 tests/python/relay/test_pass_to_a_normal_form.py   |   8 +-
 .../relay/test_pass_to_basic_block_normal_form.py  |   8 +-
 .../python/relay/test_pass_to_graph_normal_form.py |   4 +-
 tests/python/relay/test_prng.py                    |  23 +-
 tests/python/relay/test_simplify_fc_transpose.py   |   4 +-
 tests/python/relay/test_sparse_dense_convert.py    |   4 +-
 tests/python/relay/test_tensor_array.py            |   7 +-
 tests/python/relay/test_vm.py                      |  84 +--
 tests/python/relay/test_vm_serialization.py        |  18 +-
 tests/python/topi/python/test_fifo_buffer.py       |  70 +--
 tests/python/topi/python/test_topi_argwhere.py     |  24 +-
 tests/python/topi/python/test_topi_batch_matmul.py |  24 +-
 .../python/test_topi_batch_matmul_tensorcore.py    |   8 +-
 .../topi/python/test_topi_batch_to_space_nd.py     |  18 +-
 .../topi/python/test_topi_bitserial_conv2d.py      |  16 +-
 .../topi/python/test_topi_bitserial_conv2d_rasp.py |   8 +-
 .../topi/python/test_topi_bitserial_dense.py       |   8 +-
 tests/python/topi/python/test_topi_bnn.py          |  12 +-
 tests/python/topi/python/test_topi_broadcast.py    | 114 ++--
 tests/python/topi/python/test_topi_clip.py         |  18 +-
 tests/python/topi/python/test_topi_conv1d.py       |  20 +-
 .../topi/python/test_topi_conv1d_transpose_ncw.py  |  24 +-
 tests/python/topi/python/test_topi_conv2d_NCHWc.py |  10 +-
 tests/python/topi/python/test_topi_conv2d_hwcn.py  |  36 +-
 .../python/test_topi_conv2d_hwnc_tensorcore.py     |  26 +-
 tests/python/topi/python/test_topi_conv2d_int8.py  | 110 ++--
 tests/python/topi/python/test_topi_conv2d_nchw.py  |  40 +-
 tests/python/topi/python/test_topi_conv2d_nhwc.py  |   8 +-
 .../topi/python/test_topi_conv2d_nhwc_pack_int8.py |   8 +-
 .../python/test_topi_conv2d_nhwc_tensorcore.py     |  12 +-
 .../topi/python/test_topi_conv2d_nhwc_winograd.py  |  10 +-
 .../topi/python/test_topi_conv2d_transpose_nchw.py |  36 +-
 .../topi/python/test_topi_conv2d_winograd.py       |  20 +-
 tests/python/topi/python/test_topi_conv3d_ncdhw.py |  26 +-
 tests/python/topi/python/test_topi_conv3d_ndhwc.py |  22 +-
 .../python/test_topi_conv3d_ndhwc_tensorcore.py    |  10 +-
 .../python/test_topi_conv3d_transpose_ncdhw.py     |  24 +-
 .../topi/python/test_topi_conv3d_winograd.py       |  10 +-
 tests/python/topi/python/test_topi_correlation.py  |  20 +-
 .../topi/python/test_topi_deformable_conv2d.py     |  20 +-
 tests/python/topi/python/test_topi_dense.py        |  26 +-
 .../topi/python/test_topi_dense_tensorcore.py      |  10 +-
 .../python/topi/python/test_topi_depth_to_space.py |  10 +-
 .../topi/python/test_topi_depthwise_conv2d.py      | 130 ++---
 .../test_topi_depthwise_conv2d_back_input.py       |  10 +-
 .../test_topi_depthwise_conv2d_back_weight.py      |  10 +-
 tests/python/topi/python/test_topi_dilate.py       |   6 +-
 tests/python/topi/python/test_topi_einsum.py       |   6 +-
 tests/python/topi/python/test_topi_group_conv2d.py |  90 +--
 .../python/test_topi_group_conv2d_NCHWc_int8.py    |  10 +-
 tests/python/topi/python/test_topi_image.py        |  96 +--
 tests/python/topi/python/test_topi_lrn.py          |   6 +-
 tests/python/topi/python/test_topi_math.py         |  86 +--
 tests/python/topi/python/test_topi_matmul.py       |   6 +-
 tests/python/topi/python/test_topi_pooling.py      | 114 ++--
 tests/python/topi/python/test_topi_prng.py         |  40 +-
 tests/python/topi/python/test_topi_qnn.py          |  52 +-
 tests/python/topi/python/test_topi_reduce.py       |  16 +-
 tests/python/topi/python/test_topi_relu.py         |  36 +-
 tests/python/topi/python/test_topi_reorg.py        |   6 +-
 tests/python/topi/python/test_topi_scan.py         |  34 +-
 tests/python/topi/python/test_topi_scatter.py      |   6 +-
 tests/python/topi/python/test_topi_softmax.py      |  26 +-
 tests/python/topi/python/test_topi_sort.py         |  72 +--
 .../topi/python/test_topi_space_to_batch_nd.py     |  18 +-
 .../python/topi/python/test_topi_space_to_depth.py |  10 +-
 tests/python/topi/python/test_topi_sparse.py       |  82 +--
 tests/python/topi/python/test_topi_tensor.py       |  62 +-
 tests/python/topi/python/test_topi_transform.py    | 646 ++++++++++-----------
 tests/python/topi/python/test_topi_unique.py       |  18 +-
 tests/python/topi/python/test_topi_upsampling.py   |  36 +-
 tests/python/topi/python/test_topi_vision.py       | 190 +++---
 .../unittest/test_auto_scheduler_layout_rewrite.py |  24 +-
 .../unittest/test_auto_scheduler_search_policy.py  |   2 +-
 tests/python/unittest/test_crt.py                  |  28 +-
 tests/python/unittest/test_link_params.py          |   2 +-
 tests/python/unittest/test_runtime_container.py    |   2 +-
 tests/python/unittest/test_runtime_graph.py        |   6 +-
 .../unittest/test_runtime_graph_cuda_graph.py      |   4 +-
 tests/python/unittest/test_runtime_graph_debug.py  |   6 +-
 .../python/unittest/test_runtime_heterogeneous.py  |  22 +-
 .../test_runtime_module_based_interface.py         |  88 +--
 tests/python/unittest/test_runtime_module_load.py  |  24 +-
 tests/python/unittest/test_runtime_rpc.py          |  38 +-
 tests/python/unittest/test_runtime_vm_profiler.py  |   4 +-
 tests/python/unittest/test_target_codegen_blob.py  |  14 +-
 tests/python/unittest/test_target_codegen_bool.py  |  16 +-
 .../python/unittest/test_target_codegen_c_host.py  |  40 +-
 .../unittest/test_target_codegen_cross_llvm.py     |   8 +-
 tests/python/unittest/test_target_codegen_cuda.py  | 150 ++---
 .../python/unittest/test_target_codegen_device.py  |  12 +-
 .../python/unittest/test_target_codegen_extern.py  |  18 +-
 tests/python/unittest/test_target_codegen_llvm.py  |  72 +--
 .../python/unittest/test_target_codegen_opencl.py  |  70 +--
 tests/python/unittest/test_target_codegen_rocm.py  |  36 +-
 tests/python/unittest/test_target_codegen_spirv.py |  10 +-
 .../python/unittest/test_target_codegen_vulkan.py  |  18 +-
 tests/python/unittest/test_te_autodiff.py          |   2 +-
 tests/python/unittest/test_te_hybrid_script.py     |   6 +-
 ...te_schedule_postproc_rewrite_for_tensor_core.py |  20 +-
 .../unittest/test_te_schedule_tensor_core.py       |  20 +-
 tests/python/unittest/test_te_tensor_overload.py   |  34 +-
 tests/python/unittest/test_tir_buffer.py           |  32 +-
 tests/python/unittest/test_tir_intrin.py           |  28 +-
 tests/python/unittest/test_tir_ir_builder.py       |  40 +-
 .../python/unittest/test_tir_transform_hoist_if.py |  10 +-
 ...test_tir_transform_instrument_bound_checkers.py | 132 ++---
 .../unittest/test_tir_transform_loop_partition.py  |   8 +-
 .../test_tir_transform_lower_warp_memory.py        |  26 +-
 tutorials/auto_scheduler/tune_conv2d_layer_cuda.py |  12 +-
 tutorials/auto_scheduler/tune_network_arm.py       |   6 +-
 tutorials/auto_scheduler/tune_network_cuda.py      |   6 +-
 tutorials/auto_scheduler/tune_network_mali.py      |  16 +-
 tutorials/auto_scheduler/tune_network_x86.py       |   6 +-
 tutorials/auto_scheduler/tune_sparse_x86.py        |  16 +-
 tutorials/autotvm/tune_conv2d_cuda.py              |  10 +-
 tutorials/autotvm/tune_relay_arm.py                |   6 +-
 tutorials/autotvm/tune_relay_cuda.py               |   6 +-
 tutorials/autotvm/tune_relay_mobile_gpu.py         |   6 +-
 tutorials/autotvm/tune_relay_x86.py                |   6 +-
 tutorials/frontend/build_gcn.py                    |   4 +-
 tutorials/frontend/deploy_model_on_android.py      |  12 +-
 tutorials/frontend/deploy_model_on_rasp.py         |   4 +-
 .../frontend/deploy_object_detection_pytorch.py    |   4 +-
 tutorials/frontend/deploy_prequantized.py          |   6 +-
 tutorials/frontend/deploy_prequantized_tflite.py   |   4 +-
 tutorials/frontend/deploy_quantized.py             |   4 +-
 tutorials/frontend/deploy_sparse.py                |  20 +-
 tutorials/frontend/deploy_ssd_gluoncv.py           |  12 +-
 tutorials/frontend/from_caffe2.py                  |   4 +-
 tutorials/frontend/from_coreml.py                  |   4 +-
 tutorials/frontend/from_darknet.py                 |   4 +-
 tutorials/frontend/from_keras.py                   |   4 +-
 tutorials/frontend/from_mxnet.py                   |   4 +-
 tutorials/frontend/from_pytorch.py                 |   4 +-
 tutorials/frontend/from_tensorflow.py              |   6 +-
 tutorials/frontend/using_external_lib.py           |   8 +-
 tutorials/get_started/cross_compilation_and_rpc.py |  14 +-
 tutorials/get_started/relay_quick_start.py         |   6 +-
 tutorials/get_started/tensor_expr_get_started.py   |  18 +-
 tutorials/get_started/tune_matmul_x86.py           |  12 +-
 tutorials/language/extern_op.py                    |  12 +-
 tutorials/language/reduction.py                    |   6 +-
 tutorials/language/scan.py                         |   6 +-
 tutorials/language/tensorize.py                    |  10 +-
 tutorials/micro/micro_tflite.py                    |   2 +-
 tutorials/optimize/opt_conv_cuda.py                |  10 +-
 tutorials/optimize/opt_conv_tensorcore.py          |  12 +-
 tutorials/optimize/opt_gemm.py                     |  34 +-
 tutorials/optimize/opt_matmul_auto_tensorcore.py   |  12 +-
 tutorials/topi/intro_topi.py                       |   8 +-
 vta/python/vta/top/graphpack.py                    |  10 +-
 vta/runtime/device_api.cc                          |  28 +-
 .../python/integration/test_benchmark_gemm.py      |  10 +-
 .../integration/test_benchmark_topi_conv2d.py      |  12 +-
 .../test_benchmark_topi_conv2d_transpose.py        |  10 +-
 .../integration/test_benchmark_topi_dense.py       |  10 +-
 .../test_benchmark_topi_group_conv2d.py            |  12 +-
 vta/tests/python/unittest/test_vta_insn.py         |  44 +-
 web/emcc/tvmjs_support.cc                          |  34 +-
 web/emcc/webgpu_runtime.cc                         |  43 +-
 web/src/ctypes.ts                                  |   4 +-
 web/src/index.ts                                   |   2 +-
 web/src/runtime.ts                                 |  76 +--
 web/tests/node/test_ndarray.js                     |   2 +-
 web/tests/python/webgpu_rpc_test.py                |   6 +-
 web/tests/python/websock_rpc_test.py               |   8 +-
 513 files changed, 5761 insertions(+), 5765 deletions(-)
 rename golang/src/{context.go => device.go} (58%)
 rename jvm/core/src/main/java/org/apache/tvm/{TVMContext.java => Device.java} (75%)
 rename jvm/core/src/main/java/org/apache/tvm/rpc/{TVMRemoteContext.java => TVMRemoteDevice.java} (86%)
 rename rust/tvm-rt/src/{context.rs => device.rs} (91%)
 rename rust/tvm-sys/src/{context.rs => device.rs} (71%)