You are viewing a plain text version of this content. The canonical link for it is here.
Posted to commits@tvm.apache.org by ma...@apache.org on 2020/11/02 19:01:35 UTC

[incubator-tvm] branch ci-docker-staging updated (fab6141 -> 3222cad)

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

masahi pushed a change to branch ci-docker-staging
in repository https://gitbox.apache.org/repos/asf/incubator-tvm.git.


 discard fab6141  [CI] fix cpp test (#6796)
    omit 19b4fc3  [CI] Add m6g instance (ARM64) to CI (#6781)
    omit 609f2d9  Staging
     add 1831c17  Update include and src dir CHECK* to ICHECK* (#6745)
     add 2d8ac1d  [MKL] Fix offloading of batch_matmul to MKL (#6752)
     add ae31f47  [WASM] Update support for latest emcc, add ffi test. (#6751)
     add b782e4f  add onnx resize v10 and unit test (#6726)
     add cd30493  [CI] Update wasm emcc to latest (#6755)
     add c6f1825  [CI] Introduce all platform test for windows/mac/linux. (#6756)
     add 0cca63c  [BUGFIX] Fix topi matrix multiplication using tensorcore to run faster (#6749)
     add 836c9b8  [Fix,Conda] update conda download url (#6760)
     add e59c603  [ARITH] iter_affine_map bug fix, stride generalize (#6753)
     add 3ccd221  [FIX,PYLINT] Fix pylint errors on MacOS with Python 3.8 (#6746)
     add fb7aafd  [VERSION] Enhance version.py to support git-describe. (#6757)
     add 5051943  [TVMC] 'tvmc run' --rpc-tracker and --rpc-tracker fail due to argparse misconfiguration (#6762)
     add 8695a57  More CHECK to ICHECK (#6758)
     add c029b14  [LLVM] Add target feature string to function attributes (#6763)
     add 9377a9a  [FIX,MICROTVM] Add requires_micro decorators to microtvm tests (#6747)
     add 8d56164  [Relay] A set of utilities that allows a model to be run efficiently on tensorcores. (#6748)
     add 7b11b92  [VERSION] Make script path invariant (#6766)
     add 453d30c  [AutoScheduler] Re-organize logs files for tutorials (#6768)
     add 72fbfc3  [CI] Update PyXIR version to 0.1.3 (#6769)
     add d2fab18  [CI] Update ci-wasm to latest (#6772)
     add f092e1d  [Relay, TOPI] Complete rewrite of where op to support broadcasting (#6759)
     add f5af03a  [Relay] Fix dynamic case for Squeeze and Split (#6739)
     add 3d624ec  Scatter on Cuda (#6533)
     add b4858d4  [ARITH] Tight bound for floormod (#6771)
     add 99027fc  Fix version check bug (#6784)
     add ad92efd  [API] Added remove_global_func to the Python API (#6787)
     add 4c4888b  [ManifestAlloc] Handle TupleType inputs in CheckReshapeOnly (#6776)
     add 39cd612  [Relay][Training] Add more missing gradients (#6767)
     add 8e6481e  [FIX][AUTOTVM] Make autotvm work with spawn (#6790)
     add 0c7aae3  [Torch, QNN] Support dynamic quantization flow to enable importing quantized transformer models (#6782)
     add c94623a  TFLite failures resulted from TF latest version upgrade resolved (#6774)
     add 1b6ef5c  [VTA] quant support for alu-only op (#6191)
     add b305204  Only use thrust for cuda target (#6722)
     add c8064b3  [REFACTOR] Remainings of util => utils (#6778)
     add 36fdae3  TF frontend: add expm1 op (#6783)
     add 8dfe706  [TVMC] use common function to obtain target from --target value on 'tvmc compile' (#6788)
     add b0afc74  fix a bug in convertSSA. (#6785)
     add 380e2e9  [QNN] Optimize requantize for power of 2 and fix dequantize for per-channel quantized input (#6675)
     add 6be6363  [FIX,AUTOSCHEDULER] Fix auto_scheduler to run with multiprocessing's spawn start method (#6671)
     add 0ce55cb  [CI] Keras version upgraded from 2.3.1 to 2.4.3 (#6793)
     add 9a32e70  [TVMSCRIPT] Add synr dependency in preparation for tvmscript diagnostics overhaul. (#6795)
     add 7196eb8  [BYOC] Allow custom codegens to register their own constant updater (#6697)
     add a261454  [AutoScheduler] Relay integration : Task extraction (#6710)
     add 2625866  Fix mutate auto unroll (#6807)
     add 50fc938  [CI] Pin h5py version to < 3.0 to workaround issues with TF/Keras (#6808)
     add ceef616  Extract channels from weight shape for conv2d. (#6805)
     add f956c38  [µTVM] Add serial transport, parameterize µTVM Zephyr test, run on physical HW (#6789)
     add 616bad2  [CI] Add m6g instance (ARM64) to mainline CI (#6804)
     add 0dc7de5  [CI] Move back Keras to 2.4.3 (#6810)
     add b07ddea  [CI] Update to latest (#6812)
     add 9d506ad  [OBJECT] Update types slots for baseexpr and primexpr (#6814)
     add 883954e  [Rust][Diagnostics] Add initial boilerplate for Rust diagnostic interface. (#6656)
     add 73f425d  TF frontend: add softsign op (#6799)
     add 9f9d475  [TENSORFLOW]Sparse2Dense support (#5767)
     add 9c2d68d  [AutoScheduler] New layout rewrite option: Weight pre-transpose (#6750)
     add 3222cad  Update stale link to new location (#6819)

This update added new revisions after undoing existing revisions.
That is to say, some revisions that were in the old version of the
branch are not in the new version.  This situation occurs
when a user --force pushes a change and generates a repository
containing something like this:

 * -- * -- B -- O -- O -- O   (fab6141)
            \
             N -- N -- N   refs/heads/ci-docker-staging (3222cad)

You should already have received notification emails for all of the O
revisions, and so the following emails describe only the N revisions
from the common base, B.

Any revisions marked "omit" are not gone; other references still
refer to them.  Any revisions marked "discard" are gone forever.

No new revisions were added by this update.

Summary of changes:
 .github/workflows/main.yml                         |  84 +--
 CMakeLists.txt                                     |   2 +
 Jenkinsfile                                        |   8 +-
 apps/android_camera/models/prepare_model.py        |   2 +-
 apps/android_rpc/tests/android_rpc_test.py         |   4 +-
 apps/benchmark/arm_cpu_imagenet_bench.py           |   2 +-
 apps/benchmark/mobile_gpu_imagenet_bench.py        |   2 +-
 apps/cpp_rpc/main.cc                               |   2 +-
 apps/cpp_rpc/rpc_env.cc                            |   2 +-
 apps/cpp_rpc/rpc_server.cc                         |  18 +-
 apps/cpp_rpc/rpc_tracker_client.h                  |  14 +-
 apps/extension/src/tvm_ext.cc                      |   6 +-
 apps/howto_deploy/cpp_deploy.cc                    |   6 +-
 apps/ios_rpc/tests/ios_rpc_mobilenet.py            |   4 +-
 apps/ios_rpc/tests/ios_rpc_test.py                 |   4 +-
 apps/ios_rpc/tvmrpc/TVMRuntime.mm                  |   2 +-
 apps/ios_rpc/tvmrpc/ViewController.mm              |   4 +-
 apps/topi_recipe/conv/depthwise_conv2d_test.py     |   2 +-
 apps/topi_recipe/conv/test_conv2d_hwcn_map.py      |   2 +-
 apps/topi_recipe/gemm/android_gemm_square.py       |   4 +-
 cmake/modules/LLVM.cmake                           |   9 +-
 cmake/modules/RustExt.cmake                        |  43 ++
 .../_ffi_api.py => conda/build-environment.yaml    |  19 +-
 conda/recipe/meta.yaml                             |   6 +
 docker/install/ubuntu_install_conda.sh             |   2 +-
 docker/install/ubuntu_install_emscripten.sh        |   4 +-
 docker/install/ubuntu_install_python_package.sh    |   2 +-
 docker/install/ubuntu_install_tensorflow.sh        |   5 +-
 docker/install/ubuntu_install_tflite.sh            |   6 +-
 .../install/ubuntu_install_vitis_ai_packages_ci.sh |   2 +-
 docs/api/python/contrib.rst                        |   6 +-
 docs/contribute/error_handling.rst                 |   4 +-
 docs/dev/convert_layout.rst                        |   2 +-
 docs/dev/introduction_to_module_serialization.rst  |   4 +-
 docs/dev/pass_infra.rst                            |   6 +-
 docs/dev/relay_bring_your_own_codegen.rst          |  12 +-
 docs/vta/dev/hardware.rst                          |  12 +-
 docs/vta/dev/index.rst                             |   2 +-
 docs/vta/install.rst                               |   2 +-
 golang/sample/deploy.py                            |   2 +-
 golang/src/{util.go => utils.go}                   |   2 +-
 include/tvm/arith/analyzer.h                       |   4 +-
 include/tvm/arith/iter_affine_map.h                |   8 +
 include/tvm/auto_scheduler/compute_dag.h           |  32 +-
 include/tvm/auto_scheduler/transform_step.h        |  46 +-
 include/tvm/ir/attrs.h                             |   8 +-
 include/tvm/ir/diagnostic.h                        |   4 +-
 include/tvm/ir/env_func.h                          |   4 +-
 include/tvm/ir/expr.h                              |  20 +-
 include/tvm/ir/module.h                            |   2 +-
 include/tvm/ir/op.h                                |   6 +-
 include/tvm/ir/transform.h                         |   8 +-
 include/tvm/ir/type_functor.h                      |   2 +-
 include/tvm/node/attr_registry_map.h               |   6 +-
 include/tvm/node/container.h                       |  16 +-
 include/tvm/node/functor.h                         |   8 +-
 include/tvm/node/reflection.h                      |   4 +-
 include/tvm/parser/source_map.h                    |   4 +-
 include/tvm/relay/base.h                           |  20 +-
 include/tvm/relay/dataflow_pattern_functor.h       |   2 +-
 include/tvm/relay/expr_functor.h                   |   4 +-
 include/tvm/relay/pattern_functor.h                |   2 +-
 include/tvm/runtime/c_runtime_api.h                |   6 +
 include/tvm/runtime/container.h                    |  58 +--
 include/tvm/runtime/data_type.h                    |   8 +-
 include/tvm/runtime/ndarray.h                      |  38 +-
 include/tvm/runtime/packed_func.h                  |  84 +--
 include/tvm/runtime/vm/bytecode.h                  |   1 +
 include/tvm/support/logging.h                      |  12 +-
 include/tvm/target/target_kind.h                   |   4 +-
 include/tvm/tir/data_layout.h                      |   4 +-
 include/tvm/tir/expr_functor.h                     |   2 +-
 include/tvm/topi/broadcast.h                       |   6 +-
 include/tvm/topi/cuda/dense.h                      |   8 +-
 include/tvm/topi/cuda/reduction.h                  |   4 +-
 include/tvm/topi/detail/broadcast.h                |  14 +-
 include/tvm/topi/detail/constant_utils.h           |   4 +-
 include/tvm/topi/detail/extern.h                   |   4 +-
 include/tvm/topi/detail/ravel_unravel.h            |   4 +-
 include/tvm/topi/elemwise.h                        |   2 +-
 include/tvm/topi/nn.h                              |  28 +-
 include/tvm/topi/nn/bnn.h                          |  10 +-
 include/tvm/topi/nn/dense.h                        |   6 +-
 include/tvm/topi/nn/dilate.h                       |   6 +-
 include/tvm/topi/nn/local_response_norm.h          |   6 +-
 include/tvm/topi/nn/pooling.h                      |  44 +-
 include/tvm/topi/nn/softmax.h                      |   4 +-
 include/tvm/topi/reduction.h                       |  10 +-
 include/tvm/topi/rocm/dense.h                      |   8 +-
 include/tvm/topi/transform.h                       | 167 +++---
 jvm/README.md                                      |   2 +-
 jvm/core/src/test/scripts/test_add_cpu.py          |   2 +-
 jvm/core/src/test/scripts/test_add_gpu.py          |   2 +-
 nnvm/include/nnvm/graph.h                          |   4 +-
 nnvm/include/nnvm/layout.h                         |  40 +-
 nnvm/include/nnvm/op.h                             |  12 +-
 nnvm/include/nnvm/tuple.h                          |   4 +-
 nnvm/src/core/graph.cc                             |  10 +-
 nnvm/src/core/op.cc                                |   2 +-
 nnvm/src/core/pass.cc                              |   2 +-
 nnvm/src/core/symbolic.cc                          |  22 +-
 nnvm/src/pass/correct_layout.cc                    |  12 +-
 nnvm/src/pass/gradient.cc                          |  16 +-
 nnvm/src/pass/graph_algorithm.h                    |  10 +-
 nnvm/src/pass/infer_shape_type.cc                  |  24 +-
 nnvm/src/pass/place_device.cc                      |  12 +-
 nnvm/src/pass/plan_memory.cc                       |   4 +-
 nnvm/src/pass/print_graph_ir.cc                    |   2 +-
 nnvm/src/pass/saveload_json.cc                     |  18 +-
 nnvm/tests/cpp/op_test.cc                          |   2 +-
 nnvm/tests/cpp/tuple_test.cc                       |   8 +-
 python/setup.py                                    |  49 +-
 python/tvm/_ffi/registry.py                        |  15 +-
 python/tvm/auto_scheduler/__init__.py              |   6 +
 python/tvm/auto_scheduler/auto_schedule.py         |   2 +-
 python/tvm/auto_scheduler/compute_dag.py           |  16 +-
 python/tvm/auto_scheduler/cost_model/xgb_model.py  |  22 +-
 python/tvm/auto_scheduler/dispatcher.py            | 275 ++++++++++
 .../generic/sort.py => auto_scheduler/env.py}      |  48 +-
 python/tvm/auto_scheduler/measure.py               | 563 ++++++++++++---------
 python/tvm/auto_scheduler/measure_record.py        |  39 +-
 python/tvm/auto_scheduler/relay_integration.py     | 232 +++++++++
 python/tvm/auto_scheduler/search_policy.py         |  11 +-
 python/tvm/auto_scheduler/utils.py                 |  47 +-
 python/tvm/auto_scheduler/workload_registry.py     | 100 +++-
 python/tvm/autotvm/__init__.py                     |   2 +-
 python/tvm/autotvm/graph_tuner/base_graph_tuner.py |   2 +-
 python/tvm/autotvm/measure/measure_methods.py      |   2 +-
 python/tvm/autotvm/task/space.py                   |   2 +-
 python/tvm/autotvm/task/task.py                    |  15 +-
 python/tvm/autotvm/tophub.py                       |   2 +-
 python/tvm/autotvm/tuner/callback.py               |   2 +-
 python/tvm/autotvm/tuner/ga_tuner.py               |   4 +-
 python/tvm/autotvm/tuner/metric.py                 |   2 +-
 python/tvm/autotvm/tuner/sa_model_optimizer.py     |   2 +-
 python/tvm/autotvm/tuner/tuner.py                  |   4 +-
 python/tvm/autotvm/tuner/xgboost_cost_model.py     |  52 +-
 python/tvm/autotvm/{util.py => utils.py}           |   0
 python/tvm/contrib/{binutil.py => binutils.py}     |   8 +-
 python/tvm/contrib/clang.py                        |   8 +-
 python/tvm/contrib/emcc.py                         |   1 +
 python/tvm/contrib/nvcc.py                         |   4 +-
 python/tvm/contrib/peak.py                         |   4 +-
 python/tvm/contrib/rocm.py                         |   6 +-
 python/tvm/contrib/sdaccel.py                      |   4 +-
 python/tvm/contrib/spirv.py                        |   4 +-
 python/tvm/contrib/tar.py                          |   4 +-
 python/tvm/contrib/{util.py => utils.py}           |   0
 python/tvm/contrib/xcode.py                        |   6 +-
 python/tvm/driver/tvmc/common.py                   |   1 -
 python/tvm/driver/tvmc/compiler.py                 |  15 +-
 python/tvm/driver/tvmc/runner.py                   |   2 -
 python/tvm/error.py                                |   2 +-
 python/tvm/exec/microtvm_debug_shell.py            | 152 ++++++
 python/tvm/ir/diagnostics/__init__.py              |   1 +
 python/tvm/micro/build.py                          |   8 +-
 python/tvm/micro/compiler.py                       |  10 +-
 python/tvm/micro/contrib/zephyr.py                 |  37 +-
 python/tvm/micro/debugger.py                       | 173 ++++++-
 python/tvm/micro/micro_library.py                  |   4 +-
 python/tvm/micro/session.py                        |  36 +-
 python/tvm/micro/transport/base.py                 |  20 +-
 python/tvm/micro/transport/debug.py                |   4 +-
 python/tvm/micro/transport/file_descriptor.py      |   2 +-
 python/tvm/micro/transport/serial.py               | 128 +++++
 python/tvm/relay/analysis/__init__.py              |   3 +
 python/tvm/relay/analysis/count_layers.py          |  68 +++
 python/tvm/relay/backend/compile_engine.py         |  27 +-
 python/tvm/relay/backend/vm.py                     |   2 +-
 python/tvm/relay/build_module.py                   |   4 +-
 python/tvm/relay/frontend/common.py                |   2 +-
 python/tvm/relay/frontend/mxnet.py                 |   2 +-
 python/tvm/relay/frontend/onnx.py                  |  29 +-
 python/tvm/relay/frontend/pytorch.py               |   8 +-
 python/tvm/relay/frontend/pytorch_utils.py         |   6 +-
 python/tvm/relay/frontend/qnn_torch.py             |  82 ++-
 python/tvm/relay/frontend/tensorflow.py            |  36 +-
 python/tvm/relay/frontend/tensorflow_parser.py     |   6 +-
 python/tvm/relay/frontend/tflite.py                |  15 +-
 python/tvm/relay/op/_reduce.py                     |   2 +-
 python/tvm/relay/op/_tensor.py                     |   1 +
 python/tvm/relay/op/_tensor_grad.py                | 146 +++++-
 python/tvm/relay/op/_transform.py                  |  51 +-
 python/tvm/relay/op/dyn/image/_image.py            |   2 +-
 python/tvm/relay/op/image/_image.py                |   2 +-
 python/tvm/relay/op/nn/_nn.py                      |  16 +-
 python/tvm/relay/op/nn/nn.py                       |   2 +-
 python/tvm/relay/op/nn/{util.py => utils.py}       |   0
 python/tvm/relay/op/op.py                          |  30 +-
 python/tvm/relay/op/strategy/arm_cpu.py            |   2 +-
 python/tvm/relay/op/strategy/cuda.py               |  43 +-
 python/tvm/relay/op/strategy/generic.py            |  27 +-
 python/tvm/relay/op/strategy/x86.py                |   7 +
 python/tvm/relay/op/transform.py                   |  17 +-
 python/tvm/relay/op/vision/_rcnn.py                |   2 +-
 python/tvm/relay/qnn/op/qnn.py                     |   2 +-
 python/tvm/relay/quantize/_annotate.py             |   1 +
 python/tvm/relay/quantize/_partition.py            |  15 +-
 python/tvm/relay/testing/__init__.py               |   6 +-
 python/tvm/relay/testing/darknet.py                |   2 +-
 python/tvm/relay/transform/__init__.py             |   1 +
 python/tvm/relay/transform/memory_alloc.py         |   5 +
 python/tvm/relay/transform/recast.py               | 139 +++++
 python/tvm/relay/transform/transform.py            |  29 +-
 python/tvm/rpc/client.py                           |   4 +-
 python/tvm/rpc/server.py                           |  20 +-
 python/tvm/runtime/module.py                       |   8 +-
 python/tvm/runtime/ndarray.py                      |   4 +-
 python/tvm/runtime/object.py                       |   4 +-
 python/tvm/runtime/packed_func.py                  |   4 +-
 python/tvm/runtime/vm.py                           |   2 +-
 python/tvm/target/target.py                        |  17 +-
 python/tvm/te/hybrid/module.py                     |   4 +-
 python/tvm/testing.py                              |  17 +
 python/tvm/topi/__init__.py                        |   4 +-
 python/tvm/topi/arm_cpu/bitserial_conv2d.py        |   4 +-
 python/tvm/topi/arm_cpu/bitserial_dense.py         |   2 +-
 python/tvm/topi/arm_cpu/conv2d.py                  |   4 +-
 python/tvm/topi/arm_cpu/conv2d_alter_op.py         |   2 +-
 python/tvm/topi/arm_cpu/conv2d_gemm.py             |   4 +-
 python/tvm/topi/arm_cpu/conv2d_int8.py             |   2 +-
 python/tvm/topi/arm_cpu/conv2d_spatial_pack.py     |   4 +-
 python/tvm/topi/arm_cpu/conv2d_transpose.py        |   2 +-
 python/tvm/topi/arm_cpu/cortex_m7/conv2d/direct.py |   2 +-
 .../topi/arm_cpu/cortex_m7/conv2d/direct_simd.py   |   4 +-
 python/tvm/topi/arm_cpu/depthwise_conv2d.py        |   6 +-
 python/tvm/topi/arm_cpu/injective.py               |   2 +-
 python/tvm/topi/arm_cpu/tensor_intrin.py           |   4 +-
 python/tvm/topi/bifrost/conv2d.py                  |   2 +-
 python/tvm/topi/bifrost/dense.py                   |   2 +-
 python/tvm/topi/bifrost/depthwise_conv2d.py        |   8 +-
 python/tvm/topi/bifrost/gemm.py                    |  20 +-
 python/tvm/topi/cpp/__init__.py                    |   2 +-
 python/tvm/topi/cpp/{util.py => utils.py}          |   2 +-
 python/tvm/topi/cuda/__init__.py                   |   1 +
 python/tvm/topi/cuda/batch_matmul.py               |   2 +-
 python/tvm/topi/cuda/conv1d.py                     |   2 +-
 python/tvm/topi/cuda/conv1d_transpose_ncw.py       |   2 +-
 python/tvm/topi/cuda/conv2d.py                     |   4 +-
 python/tvm/topi/cuda/conv2d_alter_op.py            |   2 +-
 python/tvm/topi/cuda/conv2d_direct.py              |   2 +-
 python/tvm/topi/cuda/conv2d_hwnc_tensorcore.py     |   4 +-
 python/tvm/topi/cuda/conv2d_int8.py                |   4 +-
 python/tvm/topi/cuda/conv2d_nhwc.py                |   2 +-
 python/tvm/topi/cuda/conv2d_nhwc_tensorcore.py     |   4 +-
 python/tvm/topi/cuda/conv2d_nhwc_winograd.py       |   2 +-
 python/tvm/topi/cuda/conv2d_transpose_nchw.py      |   2 +-
 python/tvm/topi/cuda/conv2d_winograd.py            |   2 +-
 python/tvm/topi/cuda/conv3d.py                     |   2 +-
 python/tvm/topi/cuda/conv3d_alter_op.py            |   2 +-
 python/tvm/topi/cuda/conv3d_direct.py              |   2 +-
 python/tvm/topi/cuda/conv3d_ndhwc_tensorcore.py    |   4 +-
 python/tvm/topi/cuda/conv3d_transpose_ncdhw.py     |   2 +-
 python/tvm/topi/cuda/conv3d_winograd.py            |   2 +-
 python/tvm/topi/cuda/correlation.py                |   2 +-
 python/tvm/topi/cuda/deformable_conv2d.py          |   2 +-
 python/tvm/topi/cuda/dense.py                      |   2 +-
 python/tvm/topi/cuda/dense_tensorcore.py           |   4 +-
 python/tvm/topi/cuda/depthwise_conv2d.py           |   2 +-
 python/tvm/topi/cuda/group_conv2d_nchw.py          |   4 +-
 python/tvm/topi/cuda/injective.py                  |   6 +-
 python/tvm/topi/cuda/nms.py                        |   7 +-
 python/tvm/topi/cuda/pooling.py                    |   2 +-
 python/tvm/topi/cuda/rcnn/proposal.py              |   2 +-
 python/tvm/topi/cuda/scatter.py                    | 443 ++++++++++++++++
 python/tvm/topi/cuda/sparse.py                     |   2 +-
 python/tvm/topi/generic/conv2d.py                  |   2 +-
 python/tvm/topi/image/dilation2d.py                |   4 +-
 python/tvm/topi/image/resize.py                    |   2 +-
 python/tvm/topi/intel_graphics/conv2d.py           |  12 +-
 python/tvm/topi/intel_graphics/conv2d_alter_op.py  |   2 +-
 python/tvm/topi/intel_graphics/depthwise_conv2d.py |   2 +-
 python/tvm/topi/mali/conv2d.py                     |   2 +-
 python/tvm/topi/mali/dense.py                      |   2 +-
 python/tvm/topi/mali/depthwise_conv2d.py           |   2 +-
 python/tvm/topi/nn/batch_matmul.py                 |   2 +-
 python/tvm/topi/nn/bitserial_conv2d.py             |   4 +-
 python/tvm/topi/nn/bitserial_dense.py              |   2 +-
 python/tvm/topi/nn/bitserial_util.py               |   2 +-
 python/tvm/topi/nn/bnn.py                          |   2 +-
 python/tvm/topi/nn/conv1d.py                       |   4 +-
 python/tvm/topi/nn/conv1d_transpose.py             |   4 +-
 python/tvm/topi/nn/conv2d.py                       |   4 +-
 python/tvm/topi/nn/conv2d_transpose.py             |   4 +-
 python/tvm/topi/nn/conv3d.py                       |   4 +-
 python/tvm/topi/nn/conv3d_transpose.py             |   4 +-
 python/tvm/topi/nn/correlation.py                  |   2 +-
 python/tvm/topi/nn/deformable_conv2d.py            |   6 +-
 python/tvm/topi/nn/depthwise_conv2d.py             |   4 +-
 python/tvm/topi/nn/dilate.py                       |   4 +-
 python/tvm/topi/nn/elemwise.py                     |   2 +-
 python/tvm/topi/nn/pad.py                          |   2 +-
 python/tvm/topi/nn/sparse.py                       |   2 +-
 python/tvm/topi/nn/upsampling.py                   |   2 +-
 python/tvm/topi/nn/{util.py => utils.py}           |   2 +-
 python/tvm/topi/nn/winograd_util.py                |   2 +-
 python/tvm/topi/rocm/batch_matmul.py               |   2 +-
 python/tvm/topi/rocm/conv2d.py                     |   4 +-
 python/tvm/topi/rocm/dense.py                      |   2 +-
 python/tvm/topi/sort.py                            |   2 +-
 python/tvm/topi/sparse/csrmm.py                    |   2 +-
 python/tvm/topi/sparse/dense.py                    |   2 +-
 python/tvm/topi/testing/bilinear_resize_python.py  |   2 +-
 python/tvm/topi/testing/conv1d_ncw_python.py       |   2 +-
 .../topi/testing/conv1d_transpose_ncw_python.py    |   2 +-
 python/tvm/topi/testing/conv2d_hwcn_python.py      |   2 +-
 python/tvm/topi/testing/conv2d_nchw_python.py      |   2 +-
 python/tvm/topi/testing/conv2d_nhwc_python.py      |   2 +-
 python/tvm/topi/testing/conv2d_transpose_python.py |   2 +-
 python/tvm/topi/testing/conv3d_ncdhw_python.py     |   2 +-
 python/tvm/topi/testing/conv3d_ndhwc_python.py     |   2 +-
 .../topi/testing/conv3d_transpose_ncdhw_python.py  |   2 +-
 .../topi/testing/deformable_conv2d_nchw_python.py  |   2 +-
 python/tvm/topi/testing/upsampling_python.py       |   2 +-
 python/tvm/topi/transform.py                       |   2 +-
 python/tvm/topi/{util.py => utils.py}              |   2 +-
 python/tvm/topi/vision/rcnn/proposal.py            |   2 +-
 python/tvm/topi/vision/rcnn/roi_align.py           |   4 +-
 python/tvm/topi/vision/rcnn/roi_pool.py            |   2 +-
 python/tvm/topi/x86/batch_matmul.py                |  32 +-
 python/tvm/topi/x86/bitserial_conv2d.py            |   4 +-
 python/tvm/topi/x86/bitserial_dense.py             |   2 +-
 python/tvm/topi/x86/conv2d.py                      |   4 +-
 python/tvm/topi/x86/conv2d_alter_op.py             |   4 +-
 python/tvm/topi/x86/conv2d_avx_1x1.py              |   6 +-
 python/tvm/topi/x86/conv2d_avx_common.py           |   4 +-
 python/tvm/topi/x86/conv2d_int8.py                 |   4 +-
 python/tvm/topi/x86/conv2d_transpose.py            |   2 +-
 python/tvm/topi/x86/conv3d.py                      |   8 +-
 python/tvm/topi/x86/conv3d_transpose.py            |   2 +-
 python/tvm/topi/x86/dense.py                       |   4 +-
 python/tvm/topi/x86/depthwise_conv2d.py            |   8 +-
 python/tvm/topi/x86/injective.py                   |   2 +-
 python/tvm/topi/x86/reduction.py                   |   2 +-
 python/tvm/topi/x86/roi_align.py                   |   2 +-
 python/tvm/topi/x86/sparse.py                      |   4 +-
 python/tvm/topi/x86/{util.py => utils.py}          |   0
 rust/Cargo.toml                                    |   1 +
 rust/{tvm-sys => compiler-ext}/Cargo.toml          |  20 +-
 .../compiler-ext/src/lib.rs                        |  24 +-
 rust/tvm-rt/Cargo.toml                             |  15 +-
 rust/tvm-rt/src/array.rs                           |  37 ++
 rust/tvm-rt/src/errors.rs                          |  17 +
 rust/tvm-rt/src/function.rs                        |  35 +-
 rust/tvm-rt/src/object/object_ptr.rs               |  14 +-
 rust/tvm-rt/src/string.rs                          |   4 +-
 rust/tvm-sys/Cargo.toml                            |   1 +
 rust/tvm-sys/build.rs                              |   2 +-
 rust/tvm-sys/src/packed_func.rs                    |   1 +
 rust/tvm/Cargo.toml                                |  24 +-
 .../test_tvm_dso/build.rs => tvm/src/bin/tyck.rs}  |  43 +-
 rust/tvm/src/ir/arith.rs                           |   2 +-
 rust/tvm/src/ir/diagnostics/codespan.rs            | 216 ++++++++
 rust/tvm/src/ir/diagnostics/mod.rs                 | 245 +++++++++
 rust/tvm/src/ir/expr.rs                            |   2 +-
 rust/tvm/src/ir/mod.rs                             |   2 +
 rust/tvm/src/ir/module.rs                          |  30 +-
 rust/tvm/src/ir/relay/mod.rs                       |  16 +-
 rust/tvm/src/ir/source_map.rs                      |  57 +++
 rust/tvm/src/ir/span.rs                            |  87 +++-
 rust/tvm/src/ir/ty.rs                              |   2 +-
 rust/tvm/src/lib.rs                                |  27 +-
 rust/tvm/src/transform.rs                          |   2 +-
 src/arith/analyzer.cc                              |   6 +-
 src/arith/canonical_simplify.cc                    |  32 +-
 src/arith/const_fold.h                             |  20 +-
 src/arith/const_int_bound.cc                       |  55 +-
 src/arith/domain_touched.cc                        |   2 +-
 src/arith/int_constraints.cc                       |  16 +-
 src/arith/int_set.cc                               |  12 +-
 src/arith/ir_mutator_with_analyzer.cc              |   2 +-
 src/arith/ir_visitor_with_analyzer.h               |   2 +-
 src/arith/iter_affine_map.cc                       | 106 ++--
 src/arith/modular_set.cc                           |  12 +-
 src/arith/pattern_match.h                          |   8 +-
 src/arith/rewrite_simplify.cc                      |  12 +-
 src/arith/solve_linear_equation.cc                 |   4 +-
 src/arith/solve_linear_inequality.cc               |   4 +-
 src/auto_scheduler/compute_dag.cc                  | 202 +++++---
 src/auto_scheduler/cost_model.cc                   |   6 +-
 src/auto_scheduler/feature.cc                      |  14 +-
 src/auto_scheduler/loop_state.cc                   |  12 +-
 src/auto_scheduler/measure.cc                      |   2 +-
 src/auto_scheduler/measure_record.cc               | 105 +++-
 src/auto_scheduler/search_policy/empty_policy.cc   |   2 +-
 src/auto_scheduler/search_policy/search_policy.cc  |   2 +-
 src/auto_scheduler/search_policy/sketch_policy.cc  |  36 +-
 src/auto_scheduler/search_policy/sketch_policy.h   |   7 +-
 .../search_policy/sketch_policy_rules.cc           |  51 +-
 src/auto_scheduler/search_policy/utils.cc          |  22 +-
 src/auto_scheduler/search_policy/utils.h           |  26 +-
 src/auto_scheduler/search_task.cc                  |   2 +-
 src/auto_scheduler/transform_step.cc               | 181 ++++---
 src/auto_scheduler/utils.h                         |   8 +-
 src/autotvm/feature_visitor.cc                     |   2 +-
 src/autotvm/touch_extractor.cc                     |   6 +-
 src/contrib/hybrid/codegen_hybrid.cc               |  26 +-
 .../backtrace.h => src/contrib/rust_extension.cc   |  17 +-
 src/contrib/tf_op/tvm_dso_op_kernels.cc            |   2 +-
 src/driver/driver_api.cc                           |  14 +-
 src/ir/diagnostic.cc                               |   7 +-
 src/ir/env_func.cc                                 |   4 +-
 src/ir/error.cc                                    |   6 +-
 src/ir/expr.cc                                     |  10 +-
 src/ir/module.cc                                   |  30 +-
 src/ir/op.cc                                       |   4 +-
 src/ir/span.cc                                     |   4 +-
 src/ir/transform.cc                                |  12 +-
 src/node/attr_registry.h                           |   8 +-
 src/node/container.cc                              |  40 +-
 src/node/reflection.cc                             |   8 +-
 src/node/serialization.cc                          |  20 +-
 src/node/structural_equal.cc                       |  12 +-
 src/node/structural_hash.cc                        |  22 +-
 src/parser/meta_ref.cc                             |   4 +-
 src/parser/parser.cc                               |  18 +-
 src/parser/source_map.cc                           |  13 +-
 src/parser/tokenizer.h                             |  28 +-
 src/printer/doc.cc                                 |   2 +-
 src/printer/meta_data.h                            |   2 +-
 src/printer/relay_text_printer.cc                  |   4 +-
 src/printer/tir_text_printer.cc                    |   2 +-
 src/printer/tvmscript_printer.cc                   |   6 +-
 src/relay/analysis/annotated_region_set.cc         |  12 +-
 src/relay/analysis/annotated_region_set.h          |  14 +-
 src/relay/analysis/call_graph.cc                   |  24 +-
 src/relay/analysis/call_graph.h                    |  22 +-
 src/relay/analysis/context_analysis.cc             |  36 +-
 src/relay/analysis/dependency_graph.cc             |   2 +-
 src/relay/analysis/feature.cc                      |   6 +-
 src/relay/analysis/get_calibration_data.cc         |  10 +-
 src/relay/analysis/mac_count.cc                    |  28 +-
 src/relay/analysis/match_exhaustion.cc             |   6 +-
 src/relay/analysis/type_solver.cc                  |  18 +-
 src/relay/analysis/type_solver.h                   |   2 +-
 src/relay/analysis/util.cc                         |  12 +-
 src/relay/analysis/well_formed.cc                  |  14 +-
 src/relay/backend/build_module.cc                  |  22 +-
 src/relay/backend/compile_engine.cc                | 110 ++--
 src/relay/backend/compile_engine.h                 |   4 +-
 .../backend/contrib/arm_compute_lib/codegen.cc     |  44 +-
 src/relay/backend/contrib/codegen_c/codegen.cc     |  16 +-
 src/relay/backend/contrib/codegen_c/codegen_c.h    |   6 +-
 .../backend/contrib/codegen_json/codegen_json.h    |  16 +-
 src/relay/backend/contrib/dnnl/codegen.cc          |  34 +-
 src/relay/backend/contrib/ethosn/codegen.cc        |  14 +-
 src/relay/backend/contrib/ethosn/codegen_ethosn.h  |   3 +
 src/relay/backend/contrib/tensorrt/codegen.cc      |  16 +-
 src/relay/backend/graph_plan_memory.cc             |  30 +-
 src/relay/backend/graph_runtime_codegen.cc         |  33 +-
 src/relay/backend/interpreter.cc                   |  46 +-
 src/relay/backend/param_dict.cc                    |  12 +-
 src/relay/backend/utils.h                          |  55 +-
 src/relay/backend/vm/compiler.cc                   | 106 ++--
 src/relay/backend/vm/lambda_lift.cc                |   7 +-
 src/relay/ir/dataflow_matcher.cc                   |   8 +-
 src/relay/ir/expr.cc                               |   6 +-
 src/relay/ir/expr_functor.cc                       |  14 +-
 src/relay/ir/function.cc                           |   4 +-
 src/relay/ir/indexed_graph.h                       |   4 +-
 src/relay/ir/transform.cc                          |   2 +-
 src/relay/op/algorithm/argsort.cc                  |   4 +-
 src/relay/op/algorithm/topk.cc                     |   6 +-
 src/relay/op/dyn/algorithm/topk.cc                 |  14 +-
 src/relay/op/dyn/image/resize.cc                   |   6 +-
 src/relay/op/dyn/nn/pad.cc                         |  12 +-
 src/relay/op/dyn/nn/upsampling.cc                  |  16 +-
 src/relay/op/dyn/nn/upsampling.h                   |   2 +-
 src/relay/op/dyn/tensor/transform.cc               |  49 +-
 src/relay/op/image/dilation2d.cc                   |  10 +-
 src/relay/op/image/grid_sample.cc                  |  14 +-
 src/relay/op/image/resize.cc                       |  16 +-
 src/relay/op/memory/memory.cc                      |  42 +-
 src/relay/op/nn/bitserial.cc                       |  20 +-
 src/relay/op/nn/convolution.h                      | 214 ++++----
 src/relay/op/nn/correlation.cc                     |   6 +-
 src/relay/op/nn/nn.cc                              |  84 +--
 src/relay/op/nn/nn.h                               |  10 +-
 src/relay/op/nn/pad.cc                             |  52 +-
 src/relay/op/nn/pooling.cc                         | 146 +++---
 src/relay/op/nn/sparse.cc                          |  10 +-
 src/relay/op/nn/upsampling.cc                      |  12 +-
 src/relay/op/nn/upsampling.h                       |   2 +-
 src/relay/op/op_common.h                           |   6 +-
 src/relay/op/tensor/binary.cc                      |   2 +-
 src/relay/op/tensor/reduce.cc                      |  50 +-
 src/relay/op/tensor/transform.cc                   | 437 ++++++++--------
 src/relay/op/tensor/transform.h                    |   6 +-
 src/relay/op/tensor/unary.cc                       |  12 +-
 src/relay/op/type_relations.cc                     |  14 +-
 src/relay/op/type_relations.h                      |   9 +
 src/relay/op/vision/multibox_op.cc                 |  24 +-
 src/relay/op/vision/nms.cc                         |  10 +-
 src/relay/op/vision/rcnn_op.cc                     |  34 +-
 src/relay/op/vision/yolo.cc                        |   8 +-
 src/relay/op/vm/vm.cc                              |  22 +-
 src/relay/qnn/op/concatenate.cc                    |  28 +-
 src/relay/qnn/op/convolution.cc                    |  36 +-
 src/relay/qnn/op/dense.cc                          |  55 +-
 src/relay/qnn/op/dequantize.cc                     |  26 +-
 src/relay/qnn/op/op_common.h                       |  22 +-
 src/relay/qnn/op/quantize.cc                       |  39 +-
 src/relay/qnn/op/requantize.cc                     |  42 +-
 src/relay/qnn/utils.cc                             |   4 +-
 src/relay/qnn/utils.h                              |  39 +-
 src/relay/quantize/annotate.cc                     |   2 +-
 src/relay/quantize/calibrate.cc                    |   8 +-
 src/relay/quantize/quantize.cc                     |   6 +-
 src/relay/quantize/realize.cc                      |  86 ++--
 src/relay/transforms/alter_op_layout.cc            |   2 +-
 src/relay/transforms/annotate_target.cc            |  12 +-
 src/relay/transforms/canonicalize_cast.cc          |   6 +-
 src/relay/transforms/canonicalize_ops.cc           |   2 +-
 src/relay/transforms/combine_parallel_conv2d.cc    |  10 +-
 src/relay/transforms/combine_parallel_dense.cc     |  16 +-
 src/relay/transforms/combine_parallel_op.cc        |   4 +-
 src/relay/transforms/convert_layout.cc             |   2 +-
 src/relay/transforms/convert_sparse_dense.cc       |   4 +-
 src/relay/transforms/de_duplicate.cc               |  10 +-
 src/relay/transforms/dead_code.cc                  |   2 +-
 src/relay/transforms/defunctionalization.cc        |  38 +-
 src/relay/transforms/device_annotation.cc          |  16 +-
 src/relay/transforms/dynamic_to_static.cc          |  48 +-
 src/relay/transforms/eliminate_common_subexpr.cc   |   4 +-
 src/relay/transforms/eta_expand.cc                 |   2 +-
 src/relay/transforms/fold_constant.cc              |   8 +-
 src/relay/transforms/fold_scale_axis.cc            |  60 +--
 src/relay/transforms/forward_rewrite.cc            |   4 +-
 src/relay/transforms/fuse_ops.cc                   |  44 +-
 src/relay/transforms/gradient.cc                   |  40 +-
 src/relay/transforms/infer_layout_utils.h          |   6 +-
 src/relay/transforms/inline.cc                     |  10 +-
 src/relay/transforms/lazy_gradient_init.cc         |   4 +-
 src/relay/transforms/legalize.cc                   |   2 +-
 src/relay/transforms/let_list.h                    |   6 +-
 src/relay/transforms/merge_compiler_regions.cc     |   6 +-
 src/relay/transforms/merge_composite.cc            |   2 +-
 src/relay/transforms/partial_eval.cc               |  70 +--
 src/relay/transforms/partition_graph.cc            |  16 +-
 src/relay/transforms/pattern_utils.h               |  20 +-
 src/relay/transforms/simplify_fc_transpose.cc      |   4 +-
 src/relay/transforms/simplify_inference.cc         |  16 +-
 src/relay/transforms/to_a_normal_form.cc           |  14 +-
 src/relay/transforms/to_basic_block_normal_form.cc |   2 +-
 src/relay/transforms/to_cps.cc                     |   8 +-
 src/relay/transforms/transform_layout.h            |  14 +-
 src/relay/transforms/type_infer.cc                 |  38 +-
 src/runtime/c_runtime_api.cc                       |  32 +-
 src/runtime/container.cc                           |   2 +-
 .../contrib/arm_compute_lib/acl_allocator.cc       |   2 +-
 src/runtime/contrib/arm_compute_lib/acl_runtime.cc |  12 +-
 src/runtime/contrib/arm_compute_lib/acl_utils.cc   |   7 +-
 src/runtime/contrib/cblas/cblas.cc                 |   8 +-
 src/runtime/contrib/cblas/gemm_common.h            |  60 +--
 src/runtime/contrib/cblas/mkl.cc                   |  12 +-
 src/runtime/contrib/cblas/mkldnn.cc                |   4 +-
 src/runtime/contrib/coreml/coreml_runtime.mm       |   7 +-
 src/runtime/contrib/cublas/cublas.cc               |  80 +--
 src/runtime/contrib/cublas/cublas_utils.h          |  10 +-
 src/runtime/contrib/cudnn/cudnn_utils.h            |  10 +-
 src/runtime/contrib/cudnn/softmax.cc               |   2 +-
 src/runtime/contrib/dnnl/dnnl_json_runtime.cc      |  18 +-
 src/runtime/contrib/json/json_node.h               |  22 +-
 src/runtime/contrib/json/json_runtime.h            |  24 +-
 src/runtime/contrib/miopen/miopen_utils.h          |  10 +-
 src/runtime/contrib/mps/conv.mm                    |  18 +-
 src/runtime/contrib/mps/gemm.mm                    |  26 +-
 src/runtime/contrib/mps/mps_utils.h                |   2 +-
 src/runtime/contrib/nnpack/convolution.cc          |  90 ++--
 src/runtime/contrib/nnpack/fully_connected.cc      |  24 +-
 src/runtime/contrib/nnpack/nnpack_utils.cc         |   4 +-
 src/runtime/contrib/nnpack/nnpack_utils.h          |   2 +-
 src/runtime/contrib/onnx/onnx_module.cc            |   4 +-
 src/runtime/contrib/random/mt_random_engine.cc     |  14 +-
 src/runtime/contrib/random/random.cc               |   6 +-
 src/runtime/contrib/rocblas/rocblas.cc             |  32 +-
 src/runtime/contrib/sort/sort.cc                   |  22 +-
 src/runtime/contrib/tensorrt/tensorrt_builder.cc   |  28 +-
 src/runtime/contrib/tensorrt/tensorrt_logger.h     |   2 +-
 src/runtime/contrib/tensorrt/tensorrt_ops.cc       | 164 +++---
 src/runtime/contrib/tensorrt/tensorrt_runtime.cc   |  14 +-
 src/runtime/contrib/tflite/tflite_runtime.cc       |   4 +-
 src/runtime/contrib/tflite/tflite_runtime.h        |   2 +-
 src/runtime/contrib/thrust/thrust.cu               |   4 +-
 src/runtime/cpu_device_api.cc                      |   2 +-
 src/runtime/cuda/cuda_common.h                     |   9 +-
 src/runtime/cuda/cuda_device_api.cc                |   2 +-
 src/runtime/cuda/cuda_module.cc                    |  10 +-
 src/runtime/dso_library.cc                         |   6 +-
 src/runtime/file_utils.cc                          |  10 +-
 src/runtime/graph/debug/graph_runtime_debug.cc     |  14 +-
 src/runtime/graph/graph_runtime.cc                 |  74 +--
 src/runtime/graph/graph_runtime.h                  |  62 +--
 src/runtime/graph/graph_runtime_factory.cc         |  30 +-
 src/runtime/hexagon/hexagon_device_api.cc          |  30 +-
 src/runtime/hexagon/hexagon_module.cc              |  18 +-
 src/runtime/hexagon/hexagon_module.h               |   2 +-
 src/runtime/hexagon/sim/hexagon_device_sim.cc      |  68 +--
 src/runtime/hexagon/target/hexagon_dsprpcapi.cc    |   4 +-
 src/runtime/hexagon/target/hexagon_dsprpcapi.h     |   4 +-
 src/runtime/hexagon/target/hexagon_stubapi.cc      |   4 +-
 src/runtime/hexagon/target/hexagon_stubapi.h       |   2 +-
 src/runtime/library_module.cc                      |  20 +-
 src/runtime/metadata_module.cc                     |  24 +-
 src/runtime/metal/metal_common.h                   |  10 +-
 src/runtime/metal/metal_device_api.mm              |  16 +-
 src/runtime/metal/metal_module.mm                  |  18 +-
 src/runtime/micro/micro_session.cc                 |  31 +-
 src/runtime/minrpc/minrpc_server.h                 |   2 +-
 src/runtime/module.cc                              |  12 +-
 src/runtime/ndarray.cc                             |  42 +-
 src/runtime/object.cc                              |  26 +-
 src/runtime/opencl/opencl_common.h                 |   8 +-
 src/runtime/opencl/opencl_device_api.cc            |  10 +-
 src/runtime/opencl/opencl_module.cc                |  12 +-
 src/runtime/pack_args.h                            |   4 +-
 src/runtime/registry.cc                            |  10 +-
 src/runtime/rocm/rocm_common.h                     |   8 +-
 src/runtime/rocm/rocm_device_api.cc                |   4 +-
 src/runtime/rocm/rocm_module.cc                    |   8 +-
 src/runtime/rpc/rpc_device_api.cc                  |   6 +-
 src/runtime/rpc/rpc_endpoint.cc                    |  56 +-
 src/runtime/rpc/rpc_module.cc                      |  38 +-
 src/runtime/rpc/rpc_pipe_impl.cc                   |   4 +-
 src/runtime/rpc/rpc_server_env.cc                  |   2 +-
 src/runtime/rpc/rpc_session.cc                     |   4 +-
 src/runtime/rpc/rpc_socket_impl.cc                 |  14 +-
 src/runtime/stackvm/stackvm.cc                     |  18 +-
 src/runtime/stackvm/stackvm.h                      |   8 +-
 src/runtime/stackvm/stackvm_module.cc              |   6 +-
 src/runtime/thread_pool.cc                         |  10 +-
 src/runtime/threading_backend.cc                   |   6 +-
 src/runtime/vm/bytecode.cc                         |   1 -
 src/runtime/vm/executable.cc                       |  28 +-
 src/runtime/vm/memory_manager.cc                   |  12 +-
 src/runtime/vm/profiler/vm.cc                      |  16 +-
 src/runtime/vm/serialize_utils.h                   |   8 +-
 src/runtime/vm/vm.cc                               |  62 +--
 src/runtime/vulkan/vulkan.cc                       |  34 +-
 src/runtime/vulkan/vulkan_common.h                 |  10 +-
 src/runtime/vulkan/vulkan_shader.h                 |   2 +-
 src/runtime/vulkan/vulkan_stream.h                 |   2 +-
 src/runtime/workspace_pool.cc                      |   6 +-
 src/support/base64.h                               |  16 +-
 src/support/parallel_for.cc                        |  12 +-
 src/support/pipe.h                                 |  12 +-
 src/support/ring_buffer.h                          |   4 +-
 src/support/socket.h                               |  22 +-
 src/target/build_common.h                          |   2 +-
 src/target/codegen.cc                              |   4 +-
 src/target/datatype/registry.cc                    |   6 +-
 src/target/generic_func.cc                         |   8 +-
 src/target/intrin_rule.cc                          | 103 ++--
 src/target/intrin_rule.h                           |   6 +-
 src/target/llvm/codegen_amdgpu.cc                  |  28 +-
 src/target/llvm/codegen_arm.cc                     |   2 +-
 src/target/llvm/codegen_cpu.cc                     |  64 +--
 src/target/llvm/codegen_hexagon.cc                 |  46 +-
 src/target/llvm/codegen_llvm.cc                    |  83 +--
 src/target/llvm/codegen_nvptx.cc                   |  22 +-
 src/target/llvm/codegen_x86_64.cc                  |   6 +-
 src/target/llvm/intrin_rule_llvm.cc                |  10 +-
 src/target/llvm/intrin_rule_llvm.h                 |   4 +-
 src/target/llvm/intrin_rule_nvptx.cc               |   9 +-
 src/target/llvm/intrin_rule_rocm.cc                |  14 +-
 src/target/llvm/llvm_common.cc                     |   4 +-
 src/target/llvm/llvm_module.cc                     |  48 +-
 src/target/opt/build_cuda_on.cc                    |   6 +-
 src/target/source/codegen_aocl.cc                  |   4 +-
 src/target/source/codegen_c.cc                     |  57 ++-
 src/target/source/codegen_c_host.cc                |  16 +-
 src/target/source/codegen_cuda.cc                  |  56 +-
 src/target/source/codegen_metal.cc                 |  19 +-
 src/target/source/codegen_opencl.cc                |  10 +-
 src/target/source/codegen_source_base.cc           |   6 +-
 src/target/source/codegen_vhls.cc                  |   8 +-
 src/target/source/intrin_rule_cuda.cc              |   6 +-
 src/target/source/intrin_rule_opencl.cc            |   6 +-
 src/target/source/source_module.cc                 |   8 +-
 src/target/spirv/build_vulkan.cc                   |  18 +-
 src/target/spirv/codegen_spirv.cc                  |  74 +--
 src/target/spirv/codegen_spirv.h                   |   2 +-
 src/target/spirv/intrin_rule_spirv.cc              |   2 +-
 src/target/spirv/ir_builder.cc                     |  62 +--
 src/target/spirv/ir_builder.h                      |   6 +-
 src/target/stackvm/codegen_stackvm.cc              |  48 +-
 src/target/tag.cc                                  |   2 +-
 src/target/target.cc                               |  10 +-
 src/target/target_kind.cc                          |   6 +-
 src/te/autodiff/ad_simplify.cc                     |  22 +-
 src/te/autodiff/jacobian.cc                        |  11 +-
 src/te/operation/compute_op.cc                     |  44 +-
 src/te/operation/cross_thread_reduction.cc         |   9 +-
 src/te/operation/extern_op.cc                      |  16 +-
 src/te/operation/hybrid_op.cc                      |  38 +-
 src/te/operation/op_utils.cc                       |  20 +-
 src/te/operation/placeholder_op.cc                 |   4 +-
 src/te/operation/scan_op.cc                        |  44 +-
 src/te/operation/tensor_compute_op.cc              |  16 +-
 src/te/operation/tensorize.cc                      |  92 ++--
 src/te/schedule/bound.cc                           |  26 +-
 src/te/schedule/graph.cc                           |  10 +-
 src/te/schedule/message_passing.cc                 |  64 +--
 src/te/schedule/operation_inline.cc                |   6 +-
 src/te/schedule/schedule_dataflow_rewrite.cc       |  65 +--
 src/te/schedule/schedule_lang.cc                   |  80 +--
 src/te/schedule/schedule_ops.cc                    |  49 +-
 .../schedule_postproc_rewrite_for_tensor_core.cc   |  40 +-
 src/te/schedule/schedule_postproc_to_primfunc.cc   |   4 +-
 src/te/tensor.cc                                   |   4 +-
 src/tir/analysis/verify_gpu_code.cc                |   4 +-
 src/tir/analysis/verify_memory.cc                  |   2 +-
 src/tir/analysis/verify_ssa.cc                     |   2 +-
 src/tir/ir/buffer.cc                               |  14 +-
 src/tir/ir/data_layout.cc                          |  62 +--
 src/tir/ir/expr.cc                                 | 152 +++---
 src/tir/ir/stmt.cc                                 |  62 +--
 src/tir/ir/transform.cc                            |   2 +-
 src/tir/op/op.cc                                   |  70 +--
 src/tir/transforms/arg_binder.cc                   |  18 +-
 src/tir/transforms/bf16_legalize.cc                |  10 +-
 src/tir/transforms/combine_context_call.cc         |   4 +-
 src/tir/transforms/coproc_sync.cc                  |  24 +-
 src/tir/transforms/hoist_if_then_else.cc           |   2 +-
 src/tir/transforms/inject_copy_intrin.cc           |  14 +-
 src/tir/transforms/inject_double_buffer.cc         |  18 +-
 src/tir/transforms/inject_prefetch.cc              |   2 +-
 src/tir/transforms/inject_virtual_thread.cc        |  18 +-
 src/tir/transforms/ir_utils.cc                     |  20 +-
 src/tir/transforms/ir_utils.h                      |   4 +-
 src/tir/transforms/lift_attr_scope.cc              |   2 +-
 src/tir/transforms/loop_partition.cc               |  10 +-
 src/tir/transforms/lower_custom_datatypes.cc       |  24 +-
 .../transforms/lower_device_storage_access_info.cc |  12 +-
 src/tir/transforms/lower_intrin.cc                 |   8 +-
 src/tir/transforms/lower_thread_allreduce.cc       |  36 +-
 src/tir/transforms/lower_tvm_builtin.cc            |  22 +-
 src/tir/transforms/lower_warp_memory.cc            |  28 +-
 src/tir/transforms/make_packed_api.cc              |  10 +-
 src/tir/transforms/narrow_datatype.cc              |  22 +-
 src/tir/transforms/remap_thread_axis.cc            |   6 +-
 src/tir/transforms/remove_no_op.cc                 |   2 +-
 src/tir/transforms/split_host_device.cc            |  20 +-
 src/tir/transforms/storage_access.cc               |  16 +-
 src/tir/transforms/storage_flatten.cc              |  48 +-
 src/tir/transforms/storage_rewrite.cc              |  56 +-
 src/tir/transforms/tensorcore_infer_fragment.cc    |  60 +--
 src/tir/transforms/thread_storage_sync.cc          |  14 +-
 src/tir/transforms/unroll_loop.cc                  |   4 +-
 src/tir/transforms/vectorize_loop.cc               |  18 +-
 src/topi/schedule.cc                               |   4 +-
 src/topi/transform.cc                              |   2 +-
 tests/cpp/arith_simplify_test.cc                   |   8 +-
 tests/cpp/attrs_test.cc                            |  14 +-
 tests/cpp/auto_scheduler_test.cc                   |  48 +-
 tests/cpp/build_module_test.cc                     |  22 +-
 tests/cpp/container_test.cc                        | 288 +++++------
 tests/cpp/expr_test.cc                             |   6 +-
 tests/cpp/ir_functor_test.cc                       |  48 +-
 tests/cpp/object_protocol_test.cc                  |  36 +-
 tests/cpp/packed_func_test.cc                      | 138 ++---
 tests/cpp/parallel_for_test.cc                     |  15 +-
 tests/cpp/pattern_match_test.cc                    | 114 ++---
 tests/cpp/relay_build_module_test.cc               |  24 +-
 tests/cpp/relay_pass_type_infer_test.cc            |   4 +-
 tests/cpp/relay_transform_sequential_test.cc       |  10 +-
 tests/cpp/target_test.cc                           |  36 +-
 tests/cpp/tir_analysis_side_effect.cc              |  10 +-
 tests/micro/qemu/.gitignore                        |   2 +-
 .../Makefile => tests/micro/qemu/conftest.py       |  25 +-
 tests/micro/qemu/test_zephyr.py                    |  50 +-
 tests/micro/test_runtime_micro_on_arm.py           |   2 +-
 .../python/all-platform-minimal-test}/README.md    |  20 +-
 .../test_minimal_target_codegen_llvm.py}           | 112 ++--
 .../test_runtime_ndarray.py                        |   2 +
 .../test_runtime_packed_func.py                    | 166 ++++++
 .../contrib/test_arm_compute_lib/infrastructure.py |   4 +-
 .../contrib/{test_binutil.py => test_binutils.py}  |  12 +-
 tests/python/contrib/test_coreml_runtime.py        |   6 +-
 tests/python/contrib/test_edgetpu_runtime.py       |   2 +-
 tests/python/contrib/test_ethosn/infrastructure.py |   6 +-
 .../test_ethosn/test_constant_duplication.py       |  82 +++
 tests/python/contrib/test_nnpack.py                |   2 +-
 tests/python/contrib/test_tensorrt.py              |   1 -
 tests/python/contrib/test_tflite_runtime.py        |   6 +-
 tests/python/contrib/test_util.py                  |  36 +-
 tests/python/frontend/caffe/test_forward.py        |   2 +-
 tests/python/frontend/onnx/test_forward.py         |  30 ++
 tests/python/frontend/pytorch/qnn_test.py          |  55 +-
 tests/python/frontend/pytorch/test_lstm.py         |   2 +
 tests/python/frontend/tensorflow/test_forward.py   | 113 ++++-
 tests/python/frontend/tflite/test_forward.py       | 117 +++--
 tests/python/integration/test_winograd_nnpack.py   |   2 +-
 tests/python/relay/test_any.py                     |  48 +-
 .../relay/test_auto_scheduler_task_extraction.py   |  90 ++++
 tests/python/relay/test_auto_scheduler_tuning.py   |  62 +++
 tests/python/relay/test_external_codegen.py        |  38 +-
 tests/python/relay/test_json_runtime.py            |   2 +-
 .../test_layer_count.py}                           |  27 +-
 tests/python/relay/test_op_grad_level1.py          |   6 +
 tests/python/relay/test_op_grad_level10.py         |   5 +
 tests/python/relay/test_op_grad_level2.py          |   6 +-
 tests/python/relay/test_op_grad_level3.py          |  44 +-
 tests/python/relay/test_op_level2.py               |   4 +-
 tests/python/relay/test_op_level3.py               |  41 +-
 tests/python/relay/test_op_level4.py               |  81 ++-
 tests/python/relay/test_op_qnn_conv2d.py           |   2 +-
 tests/python/relay/test_op_qnn_dequantize.py       |  18 +
 tests/python/relay/test_op_qnn_requantize.py       |  43 ++
 tests/python/relay/test_param_dict.py              |   4 +-
 tests/python/relay/test_pass_annotate_target.py    |   4 +-
 tests/python/relay/test_pass_auto_quantize.py      |   2 +-
 tests/python/relay/test_pass_convert_op_layout.py  |  73 +++
 .../relay/test_pass_merge_compiler_regions.py      |   2 +-
 tests/python/relay/test_pass_partition_graph.py    |   4 +-
 tests/python/relay/test_recast.py                  | 108 ++++
 tests/python/relay/test_vm.py                      |  16 +
 tests/python/relay/test_vm_serialization.py        |   4 +-
 .../relay/{util => utils}/assert_diagnostic.py     |   0
 tests/python/topi/python/test_topi_basic.py        |   6 +-
 tests/python/topi/python/test_topi_batch_matmul.py |   2 +-
 .../topi/python/test_topi_bitserial_conv2d.py      |   2 +-
 .../topi/python/test_topi_bitserial_conv2d_rasp.py |   2 +-
 .../topi/python/test_topi_bitserial_dense.py       |   2 +-
 tests/python/topi/python/test_topi_bnn.py          |   2 +-
 tests/python/topi/python/test_topi_clip.py         |   2 +-
 tests/python/topi/python/test_topi_conv1d.py       |   2 +-
 .../topi/python/test_topi_conv1d_transpose_ncw.py  |   2 +-
 tests/python/topi/python/test_topi_conv2d_NCHWc.py |   4 +-
 tests/python/topi/python/test_topi_conv2d_hwcn.py  |   2 +-
 .../python/test_topi_conv2d_hwnc_tensorcore.py     |   4 +-
 tests/python/topi/python/test_topi_conv2d_int8.py  |   4 +-
 tests/python/topi/python/test_topi_conv2d_nchw.py  |   4 +-
 tests/python/topi/python/test_topi_conv2d_nhwc.py  |   2 +-
 .../topi/python/test_topi_conv2d_nhwc_pack_int8.py |   2 +-
 .../python/test_topi_conv2d_nhwc_tensorcore.py     |   4 +-
 .../topi/python/test_topi_conv2d_nhwc_winograd.py  |   4 +-
 .../topi/python/test_topi_conv2d_transpose_nchw.py |   2 +-
 .../topi/python/test_topi_conv2d_winograd.py       |   4 +-
 tests/python/topi/python/test_topi_conv3d_ncdhw.py |   4 +-
 tests/python/topi/python/test_topi_conv3d_ndhwc.py |   2 +-
 .../python/test_topi_conv3d_ndhwc_tensorcore.py    |   4 +-
 .../python/test_topi_conv3d_transpose_ncdhw.py     |   2 +-
 .../topi/python/test_topi_conv3d_winograd.py       |   4 +-
 tests/python/topi/python/test_topi_correlation.py  |   2 +-
 .../topi/python/test_topi_deformable_conv2d.py     |   2 +-
 tests/python/topi/python/test_topi_dense.py        |   2 +-
 .../topi/python/test_topi_dense_tensorcore.py      |   2 +-
 .../topi/python/test_topi_depthwise_conv2d.py      |   4 +-
 .../test_topi_depthwise_conv2d_back_input.py       |   4 +-
 .../test_topi_depthwise_conv2d_back_weight.py      |   4 +-
 tests/python/topi/python/test_topi_dilate.py       |   2 +-
 tests/python/topi/python/test_topi_group_conv2d.py |   2 +-
 .../python/test_topi_group_conv2d_NCHWc_int8.py    |   2 +-
 tests/python/topi/python/test_topi_lrn.py          |   2 +-
 tests/python/topi/python/test_topi_math.py         |   6 +-
 tests/python/topi/python/test_topi_matmul.py       |   2 +-
 tests/python/topi/python/test_topi_pooling.py      |   2 +-
 tests/python/topi/python/test_topi_relu.py         |   2 +-
 tests/python/topi/python/test_topi_reorg.py        |   2 +-
 tests/python/topi/python/test_topi_softmax.py      |   2 +-
 tests/python/topi/python/test_topi_sparse.py       |   2 +-
 tests/python/topi/python/test_topi_upsampling.py   |   2 +-
 tests/python/topi/python/test_topi_util.py         |   2 +-
 tests/python/topi/python/test_topi_vision.py       |   2 +-
 .../python/unittest/test_arith_const_int_bound.py  |  12 +
 .../python/unittest/test_arith_iter_affine_map.py  |  24 +
 .../python/unittest/test_auto_scheduler_common.py  |   2 +-
 .../unittest/test_auto_scheduler_cost_model.py     |   2 +-
 .../test_auto_scheduler_evolutionary_search.py     |   4 +-
 .../unittest/test_auto_scheduler_layout_rewrite.py |  79 ++-
 .../python/unittest/test_auto_scheduler_measure.py |  21 +-
 .../unittest/test_auto_scheduler_search_policy.py  |  19 +-
 .../unittest/test_auto_scheduler_task_scheduler.py |  26 +
 .../unittest/test_autotvm_dispatch_context.py      |  11 +-
 tests/python/unittest/test_autotvm_index_tuner.py  |  14 +
 tests/python/unittest/test_autotvm_measure.py      |  15 +
 tests/python/unittest/test_autotvm_record.py       |   4 +-
 .../python/unittest/test_autotvm_xgboost_model.py  |  15 +
 tests/python/unittest/test_crt.py                  |   2 +-
 tests/python/unittest/test_format_si_prefix.py     |   8 +-
 tests/python/unittest/test_micro_artifact.py       |  19 +-
 tests/python/unittest/test_runtime_graph.py        |   4 +-
 tests/python/unittest/test_runtime_graph_debug.py  |   4 +-
 .../python/unittest/test_runtime_heterogeneous.py  |   4 +-
 tests/python/unittest/test_runtime_measure.py      |   2 +-
 .../test_runtime_module_based_interface.py         |  32 +-
 .../python/unittest/test_runtime_module_export.py  |  20 +-
 tests/python/unittest/test_runtime_module_load.py  |  12 +-
 tests/python/unittest/test_runtime_rpc.py          | 155 +++---
 ...untime_packed_func.py => test_runtime_trace.py} | 143 ------
 tests/python/unittest/test_target_codegen_blob.py  |   8 +-
 .../python/unittest/test_target_codegen_c_host.py  |   8 +-
 .../unittest/test_target_codegen_cross_llvm.py     |   6 +-
 .../python/unittest/test_target_codegen_device.py  |   2 +-
 .../python/unittest/test_target_codegen_hexagon.py |  16 +
 tests/python/unittest/test_target_codegen_llvm.py  |  82 +--
 tests/python/unittest/test_target_codegen_x86.py   |   2 +-
 tests/python/unittest/test_te_autodiff.py          |   2 +-
 tests/python/unittest/test_te_hybrid_script.py     |   4 +-
 tests/python/unittest/test_te_tensor_overload.py   |   2 +-
 tests/python/unittest/test_tir_data_layout.py      |   2 +-
 tests/python/unittest/test_tir_intrin.py           |   2 +-
 tests/scripts/task_golang.sh                       |   2 +
 tests/scripts/task_python_docs.sh                  |   5 +-
 tests/scripts/task_python_unittest.sh              |   4 +-
 tests/scripts/task_web_wasm.sh                     |   1 +
 tutorials/auto_scheduler/{ => ci_logs}/conv2d.json |   1 +
 tutorials/auto_scheduler/{ => ci_logs}/matmul.json |   2 +-
 tutorials/auto_scheduler/tune_conv2d_layer_cuda.py |  19 +-
 tutorials/auto_scheduler/tune_matmul_x86.py        |  25 +-
 tutorials/autotvm/tune_conv2d_cuda.py              |   4 +
 tutorials/autotvm/tune_relay_arm.py                |   8 +-
 tutorials/autotvm/tune_relay_cuda.py               |   8 +-
 tutorials/autotvm/tune_relay_mobile_gpu.py         |   8 +-
 tutorials/autotvm/tune_relay_x86.py                |   4 +
 tutorials/autotvm/tune_simple_template.py          |   4 +
 tutorials/frontend/deploy_model_on_android.py      |   4 +-
 tutorials/frontend/deploy_model_on_rasp.py         |   4 +-
 tutorials/frontend/deploy_prequantized.py          |   2 +-
 tutorials/frontend/deploy_quantized.py             |   2 +-
 tutorials/frontend/from_keras.py                   |  26 +-
 tutorials/frontend/from_onnx.py                    |   2 +-
 tutorials/get_started/cross_compilation_and_rpc.py |   4 +-
 tutorials/get_started/relay_quick_start.py         |   4 +-
 tutorials/get_started/tensor_expr_get_started.py   |   4 +-
 tutorials/language/tensorize.py                    |  10 +-
 tutorials/micro/micro_tflite.py                    |   2 +-
 version.py                                         | 166 +++++-
 vta/python/vta/__init__.py                         |   2 -
 vta/python/vta/bitstream.py                        |   2 +-
 vta/python/vta/testing/__init__.py                 |   2 +-
 vta/python/vta/testing/{util.py => utils.py}       |   0
 vta/python/vta/top/__init__.py                     |   2 +-
 vta/python/vta/top/bitpack.py                      |   4 +-
 vta/python/vta/top/op.py                           |   6 +-
 vta/python/vta/top/{util.py => utils.py}           |   0
 vta/python/vta/top/vta_conv2d.py                   |  12 +-
 vta/python/vta/top/vta_conv2d_transpose.py         |   6 +-
 vta/python/vta/top/vta_dense.py                    |   6 +-
 vta/python/vta/top/vta_group_conv2d.py             |  10 +-
 vta/python/vta/transform.py                        |  42 +-
 vta/scripts/tune_resnet.py                         |   4 +-
 .../python/integration/test_benchmark_gemm.py      |   4 +-
 .../integration/test_benchmark_topi_conv2d.py      |   6 +-
 .../test_benchmark_topi_conv2d_transpose.py        |   6 +-
 .../integration/test_benchmark_topi_dense.py       |   6 +-
 .../test_benchmark_topi_group_conv2d.py            |   6 +-
 vta/tests/python/unittest/test_vta_insn.py         |  14 +-
 vta/tutorials/autotvm/tune_relay_vta.py            |   6 +-
 vta/tutorials/frontend/deploy_classification.py    |   4 +-
 vta/tutorials/frontend/legacy/deploy_detection.py  |   2 +-
 vta/tutorials/matrix_multiply.py                   |  10 +-
 vta/tutorials/optimize/convolution_opt.py          |  10 +-
 vta/tutorials/optimize/matrix_multiply_opt.py      |   8 +-
 vta/tutorials/vta_get_started.py                   |   6 +-
 web/Makefile                                       |   4 +-
 web/emcc/wasm_runtime.cc                           |   8 +
 web/package.json                                   |   2 +-
 web/tests/node/test_packed_func.js                 |  13 +
 web/tests/python/webgpu_rpc_test.py                |   4 +-
 web/tests/python/websock_rpc_test.py               |   4 +-
 962 files changed, 11765 insertions(+), 7043 deletions(-)
 create mode 100644 cmake/modules/RustExt.cmake
 copy python/tvm/auto_scheduler/_ffi_api.py => conda/build-environment.yaml (79%)
 rename golang/src/{util.go => utils.go} (98%)
 create mode 100644 python/tvm/auto_scheduler/dispatcher.py
 copy python/tvm/{topi/generic/sort.py => auto_scheduler/env.py} (51%)
 create mode 100644 python/tvm/auto_scheduler/relay_integration.py
 rename python/tvm/autotvm/{util.py => utils.py} (100%)
 rename python/tvm/contrib/{binutil.py => binutils.py} (98%)
 rename python/tvm/contrib/{util.py => utils.py} (100%)
 create mode 100644 python/tvm/exec/microtvm_debug_shell.py
 create mode 100644 python/tvm/micro/transport/serial.py
 create mode 100644 python/tvm/relay/analysis/count_layers.py
 rename python/tvm/relay/op/nn/{util.py => utils.py} (100%)
 create mode 100644 python/tvm/relay/transform/recast.py
 rename python/tvm/topi/cpp/{util.py => utils.py} (93%)
 create mode 100644 python/tvm/topi/cuda/scatter.py
 rename python/tvm/topi/nn/{util.py => utils.py} (99%)
 rename python/tvm/topi/{util.py => utils.py} (99%)
 rename python/tvm/topi/x86/{util.py => utils.py} (100%)
 copy rust/{tvm-sys => compiler-ext}/Cargo.toml (76%)
 copy src/runtime/hexagon/hexagon_posix.cc => rust/compiler-ext/src/lib.rs (68%)
 copy rust/{tvm-graph-rt/tests/test_tvm_dso/build.rs => tvm/src/bin/tyck.rs} (54%)
 create mode 100644 rust/tvm/src/ir/diagnostics/codespan.rs
 create mode 100644 rust/tvm/src/ir/diagnostics/mod.rs
 create mode 100644 rust/tvm/src/ir/source_map.rs
 mode change 100755 => 100644 src/auto_scheduler/measure_record.cc
 copy apps/bundle_deploy/backtrace.h => src/contrib/rust_extension.cc (80%)
 copy apps/dso_plugin_module/Makefile => tests/micro/qemu/conftest.py (63%)
 copy {apps/howto_deploy => tests/python/all-platform-minimal-test}/README.md (59%)
 copy tests/python/{unittest/test_target_codegen_c_host.py => all-platform-minimal-test/test_minimal_target_codegen_llvm.py} (55%)
 rename tests/python/{unittest => all-platform-minimal-test}/test_runtime_ndarray.py (98%)
 create mode 100644 tests/python/all-platform-minimal-test/test_runtime_packed_func.py
 rename tests/python/contrib/{test_binutil.py => test_binutils.py} (96%)
 create mode 100644 tests/python/contrib/test_ethosn/test_constant_duplication.py
 create mode 100644 tests/python/relay/test_auto_scheduler_task_extraction.py
 create mode 100644 tests/python/relay/test_auto_scheduler_tuning.py
 copy tests/python/{unittest/test_tir_analysis_expr_deep_equal.py => relay/test_layer_count.py} (63%)
 create mode 100644 tests/python/relay/test_recast.py
 rename tests/python/relay/{util => utils}/assert_diagnostic.py (100%)
 rename tests/python/unittest/{test_runtime_packed_func.py => test_runtime_trace.py} (72%)
 rename tutorials/auto_scheduler/{ => ci_logs}/conv2d.json (93%)
 rename tutorials/auto_scheduler/{ => ci_logs}/matmul.json (83%)
 rename vta/python/vta/testing/{util.py => utils.py} (100%)
 rename vta/python/vta/top/{util.py => utils.py} (100%)