[Format] Convert all Python code w/o CI (#6448)
authorJared Roesch <jroesch@octoml.ai>
Fri, 11 Sep 2020 13:17:24 +0000 (06:17 -0700)
committerGitHub <noreply@github.com>
Fri, 11 Sep 2020 13:17:24 +0000 (22:17 +0900)
commitf13fed55cfe872ba7f40970f6a35f965d186a30a
tree14559fa3de82b799e688f0d98dd5162c1f3ca4ce
parent01460e0fd441cfaba3c800017c7801ed6433172c
[Format] Convert all Python code w/o CI (#6448)

* Add black setup

* Tweak pyproject.toml

* Fix syntax issues

* Fix

* Tweak

* Black all Python code
1013 files changed:
apps/android_camera/models/prepare_model.py
apps/android_rpc/tests/android_rpc_test.py
apps/benchmark/arm_cpu_imagenet_bench.py
apps/benchmark/gpu_imagenet_bench.py
apps/benchmark/mobile_gpu_imagenet_bench.py
apps/benchmark/util.py
apps/bundle_deploy/build_model.py
apps/dso_plugin_module/test_plugin_module.py
apps/extension/python/tvm_ext/__init__.py
apps/extension/tests/test_ext.py
apps/howto_deploy/prepare_test_libs.py
apps/howto_deploy/python_deploy.py
apps/ios_rpc/init_proj.py
apps/ios_rpc/tests/ios_rpc_mobilenet.py
apps/ios_rpc/tests/ios_rpc_test.py
apps/lldb/tvm.py
apps/sgx/read_results.py
apps/sgx/src/build_model.py
apps/tf_tvmdsoop/tests/test_tfop_module.py
apps/topi_recipe/broadcast/test_broadcast_map.py
apps/topi_recipe/conv/depthwise_conv2d_test.py
apps/topi_recipe/conv/test_conv2d_hwcn_map.py
apps/topi_recipe/conv/test_conv_int8_arm.py
apps/topi_recipe/conv/test_conv_int8_intel.py
apps/topi_recipe/gemm/android_gemm_square.py
apps/topi_recipe/gemm/cuda_gemm_square.py
apps/topi_recipe/gemm/gemm_int8.py
apps/topi_recipe/reduce/test_reduce_map.py
apps/topi_recipe/rnn/lstm.py
apps/topi_recipe/rnn/matexp.py
apps/wasm-standalone/wasm-graph/tools/build_graph_lib.py
conda/render_cuda.py
conftest.py
docs/conf.py
golang/sample/deploy.py
golang/sample/gen_mobilenet_lib.py
jvm/core/src/test/scripts/test_add_cpu.py
jvm/core/src/test/scripts/test_add_gpu.py
jvm/core/src/test/scripts/test_graph_runtime.py
jvm/core/src/test/scripts/test_rpc_proxy_server.py
nnvm/amalgamation/amalgamation.py
nnvm/amalgamation/generate.py
pyproject.toml [new file with mode: 0644]
python/setup.py
python/tvm/__init__.py
python/tvm/_ffi/_ctypes/ndarray.py
python/tvm/_ffi/_ctypes/object.py
python/tvm/_ffi/_ctypes/packed_func.py
python/tvm/_ffi/_ctypes/types.py
python/tvm/_ffi/_pyversion.py
python/tvm/_ffi/base.py
python/tvm/_ffi/libinfo.py
python/tvm/_ffi/registry.py
python/tvm/_ffi/runtime_ctypes.py
python/tvm/arith/analyzer.py
python/tvm/arith/int_set.py
python/tvm/arith/int_solver.py
python/tvm/arith/pattern.py
python/tvm/auto_scheduler/__init__.py
python/tvm/auto_scheduler/auto_schedule.py
python/tvm/auto_scheduler/compute_dag.py
python/tvm/auto_scheduler/cost_model/cost_model.py
python/tvm/auto_scheduler/cost_model/xgb_model.py
python/tvm/auto_scheduler/feature.py
python/tvm/auto_scheduler/loop_state.py
python/tvm/auto_scheduler/measure.py
python/tvm/auto_scheduler/measure_record.py
python/tvm/auto_scheduler/search_policy.py
python/tvm/auto_scheduler/utils.py
python/tvm/auto_scheduler/workload_registry.py
python/tvm/autotvm/__init__.py
python/tvm/autotvm/database.py
python/tvm/autotvm/env.py
python/tvm/autotvm/feature.py
python/tvm/autotvm/graph_tuner/base_graph_tuner.py
python/tvm/autotvm/graph_tuner/dynamic_programming_stage.py
python/tvm/autotvm/graph_tuner/dynamic_programming_tuner.py
python/tvm/autotvm/graph_tuner/pbqp_tuner.py
python/tvm/autotvm/graph_tuner/utils/__init__.py
python/tvm/autotvm/graph_tuner/utils/traverse_graph.py
python/tvm/autotvm/graph_tuner/utils/utils.py
python/tvm/autotvm/measure/__init__.py
python/tvm/autotvm/measure/executor.py
python/tvm/autotvm/measure/local_executor.py
python/tvm/autotvm/measure/measure.py
python/tvm/autotvm/measure/measure_methods.py
python/tvm/autotvm/record.py
python/tvm/autotvm/task/__init__.py
python/tvm/autotvm/task/code_hash.py
python/tvm/autotvm/task/dispatcher.py
python/tvm/autotvm/task/relay_integration.py
python/tvm/autotvm/task/space.py
python/tvm/autotvm/task/task.py
python/tvm/autotvm/task/topi_integration.py
python/tvm/autotvm/tophub.py
python/tvm/autotvm/tuner/callback.py
python/tvm/autotvm/tuner/ga_tuner.py
python/tvm/autotvm/tuner/index_based_tuner.py
python/tvm/autotvm/tuner/metric.py
python/tvm/autotvm/tuner/model_based_tuner.py
python/tvm/autotvm/tuner/sa_model_optimizer.py
python/tvm/autotvm/tuner/tuner.py
python/tvm/autotvm/tuner/xgboost_cost_model.py
python/tvm/autotvm/tuner/xgboost_tuner.py
python/tvm/autotvm/util.py
python/tvm/contrib/binutil.py
python/tvm/contrib/cblas.py
python/tvm/contrib/cc.py
python/tvm/contrib/clang.py
python/tvm/contrib/coreml_runtime.py
python/tvm/contrib/cublas.py
python/tvm/contrib/cublaslt.py
python/tvm/contrib/cudnn.py
python/tvm/contrib/debugger/debug_result.py
python/tvm/contrib/debugger/debug_runtime.py
python/tvm/contrib/dlpack.py
python/tvm/contrib/download.py
python/tvm/contrib/emcc.py
python/tvm/contrib/graph_runtime.py
python/tvm/contrib/hexagon.py
python/tvm/contrib/miopen.py
python/tvm/contrib/mkl.py
python/tvm/contrib/mkldnn.py
python/tvm/contrib/mps.py
python/tvm/contrib/mxnet.py
python/tvm/contrib/ndk.py
python/tvm/contrib/nnpack.py
python/tvm/contrib/nvcc.py
python/tvm/contrib/peak.py
python/tvm/contrib/pickle_memoize.py
python/tvm/contrib/random.py
python/tvm/contrib/rocblas.py
python/tvm/contrib/rocm.py
python/tvm/contrib/rpc.py
python/tvm/contrib/sdaccel.py
python/tvm/contrib/sparse.py
python/tvm/contrib/spirv.py
python/tvm/contrib/tar.py
python/tvm/contrib/target/coreml.py
python/tvm/contrib/target/onnx.py
python/tvm/contrib/tedd.py
python/tvm/contrib/tf_op/module.py
python/tvm/contrib/tflite_runtime.py
python/tvm/contrib/util.py
python/tvm/contrib/xcode.py
python/tvm/driver/build_module.py
python/tvm/driver/tvmc/common.py
python/tvm/driver/tvmc/main.py
python/tvm/error.py
python/tvm/exec/autotvm_log_editor.py
python/tvm/exec/measure_peak.py
python/tvm/exec/query_rpc_tracker.py
python/tvm/exec/rpc_proxy.py
python/tvm/exec/rpc_server.py
python/tvm/exec/rpc_tracker.py
python/tvm/hybrid/parser.py
python/tvm/hybrid/registry.py
python/tvm/hybrid/special_stmt.py
python/tvm/hybrid/ty.py
python/tvm/ir/_ffi_transform_api.py
python/tvm/ir/adt.py
python/tvm/ir/attrs.py
python/tvm/ir/base.py
python/tvm/ir/container.py
python/tvm/ir/expr.py
python/tvm/ir/function.py
python/tvm/ir/json_compact.py
python/tvm/ir/module.py
python/tvm/ir/op.py
python/tvm/ir/tensor_type.py
python/tvm/ir/transform.py
python/tvm/ir/type.py
python/tvm/ir/type_relation.py
python/tvm/micro/base.py
python/tvm/micro/device/arm/stm32f746xx.py
python/tvm/micro/device/base.py
python/tvm/micro/device/host.py
python/tvm/micro/device/riscv_spike.py
python/tvm/micro/func_registry.py
python/tvm/parser/__init__.py
python/tvm/relay/analysis/analysis.py
python/tvm/relay/analysis/annotated_regions.py
python/tvm/relay/analysis/feature.py
python/tvm/relay/analysis/sparse_dense.py
python/tvm/relay/backend/compile_engine.py
python/tvm/relay/backend/graph_runtime_factory.py
python/tvm/relay/backend/interpreter.py
python/tvm/relay/backend/vm.py
python/tvm/relay/base.py
python/tvm/relay/build_module.py
python/tvm/relay/data_dep_optimization/__init__.py
python/tvm/relay/data_dep_optimization/bsr_dense.py
python/tvm/relay/data_dep_optimization/simplify_fc_transpose.py
python/tvm/relay/data_dep_optimization/utils.py
python/tvm/relay/dataflow_pattern/__init__.py
python/tvm/relay/debug.py
python/tvm/relay/expr.py
python/tvm/relay/expr_functor.py
python/tvm/relay/frontend/caffe.py
python/tvm/relay/frontend/caffe2.py
python/tvm/relay/frontend/common.py
python/tvm/relay/frontend/coreml.py
python/tvm/relay/frontend/darknet.py
python/tvm/relay/frontend/keras.py
python/tvm/relay/frontend/mxnet.py
python/tvm/relay/frontend/mxnet_qnn_op_utils.py
python/tvm/relay/frontend/nnvm_common.py
python/tvm/relay/frontend/onnx.py
python/tvm/relay/frontend/pytorch.py
python/tvm/relay/frontend/qnn_torch.py
python/tvm/relay/frontend/tensorflow.py
python/tvm/relay/frontend/tensorflow_parser.py
python/tvm/relay/frontend/tflite.py
python/tvm/relay/frontend/tflite_flexbuffer.py
python/tvm/relay/function.py
python/tvm/relay/loops.py
python/tvm/relay/op/__init__.py
python/tvm/relay/op/_algorithm.py
python/tvm/relay/op/_reduce.py
python/tvm/relay/op/_tensor.py
python/tvm/relay/op/_tensor_grad.py
python/tvm/relay/op/_transform.py
python/tvm/relay/op/algorithm.py
python/tvm/relay/op/annotation/annotation.py
python/tvm/relay/op/contrib/arm_compute_lib.py
python/tvm/relay/op/contrib/coreml.py
python/tvm/relay/op/contrib/dnnl.py
python/tvm/relay/op/contrib/ethosn.py
python/tvm/relay/op/contrib/register.py
python/tvm/relay/op/dyn/__init__.py
python/tvm/relay/op/dyn/_algorithm.py
python/tvm/relay/op/dyn/_tensor.py
python/tvm/relay/op/dyn/_transform.py
python/tvm/relay/op/dyn/image/_image.py
python/tvm/relay/op/dyn/nn/_nn.py
python/tvm/relay/op/image/_image.py
python/tvm/relay/op/image/image.py
python/tvm/relay/op/memory/memory.py
python/tvm/relay/op/nn/_nn.py
python/tvm/relay/op/nn/nn.py
python/tvm/relay/op/op.py
python/tvm/relay/op/op_attrs.py
python/tvm/relay/op/reduce.py
python/tvm/relay/op/strategy/arm_cpu.py
python/tvm/relay/op/strategy/bifrost.py
python/tvm/relay/op/strategy/cuda.py
python/tvm/relay/op/strategy/generic.py
python/tvm/relay/op/strategy/hls.py
python/tvm/relay/op/strategy/intel_graphics.py
python/tvm/relay/op/strategy/mali.py
python/tvm/relay/op/strategy/rocm.py
python/tvm/relay/op/strategy/x86.py
python/tvm/relay/op/tensor.py
python/tvm/relay/op/transform.py
python/tvm/relay/op/vision/_rcnn.py
python/tvm/relay/op/vision/_vision.py
python/tvm/relay/op/vision/_yolo.py
python/tvm/relay/op/vision/multibox.py
python/tvm/relay/op/vision/nms.py
python/tvm/relay/op/vision/rcnn.py
python/tvm/relay/op/vision/yolo.py
python/tvm/relay/param_dict.py
python/tvm/relay/prelude.py
python/tvm/relay/qnn/op/layout_conversions.py
python/tvm/relay/qnn/op/legalizations.py
python/tvm/relay/qnn/op/op.py
python/tvm/relay/qnn/op/qnn.py
python/tvm/relay/qnn/transform.py
python/tvm/relay/quantize/__init__.py
python/tvm/relay/quantize/_annotate.py
python/tvm/relay/quantize/_calibrate.py
python/tvm/relay/quantize/_partition.py
python/tvm/relay/quantize/_partition_conversions.py
python/tvm/relay/quantize/_quantize.py
python/tvm/relay/quantize/kl_divergence.py
python/tvm/relay/quantize/quantize.py
python/tvm/relay/scope_builder.py
python/tvm/relay/testing/__init__.py
python/tvm/relay/testing/darknet.py
python/tvm/relay/testing/dcgan.py
python/tvm/relay/testing/densenet.py
python/tvm/relay/testing/dqn.py
python/tvm/relay/testing/inception_v3.py
python/tvm/relay/testing/init.py
python/tvm/relay/testing/layers.py
python/tvm/relay/testing/lstm.py
python/tvm/relay/testing/mlp.py
python/tvm/relay/testing/mobilenet.py
python/tvm/relay/testing/nat.py
python/tvm/relay/testing/py_converter.py
python/tvm/relay/testing/resnet.py
python/tvm/relay/testing/resnet_3d.py
python/tvm/relay/testing/squeezenet.py
python/tvm/relay/testing/synthetic.py
python/tvm/relay/testing/temp_op_attr.py
python/tvm/relay/testing/tf.py
python/tvm/relay/testing/vgg.py
python/tvm/relay/testing/yolo_detection.py
python/tvm/relay/transform/memory_alloc.py
python/tvm/relay/transform/memory_plan.py
python/tvm/relay/transform/transform.py
python/tvm/relay/ty.py
python/tvm/relay/type_functor.py
python/tvm/rpc/base.py
python/tvm/rpc/client.py
python/tvm/rpc/minrpc.py
python/tvm/rpc/proxy.py
python/tvm/rpc/server.py
python/tvm/rpc/tornado_util.py
python/tvm/rpc/tracker.py
python/tvm/runtime/_ffi_node_api.py
python/tvm/runtime/container.py
python/tvm/runtime/module.py
python/tvm/runtime/ndarray.py
python/tvm/runtime/object.py
python/tvm/runtime/object_generic.py
python/tvm/runtime/packed_func.py
python/tvm/runtime/vm.py
python/tvm/target/arm_isa.py
python/tvm/target/codegen.py
python/tvm/target/datatype.py
python/tvm/target/generic_func.py
python/tvm/target/tag.py
python/tvm/target/target.py
python/tvm/te/hybrid/__init__.py
python/tvm/te/hybrid/calls.py
python/tvm/te/hybrid/module.py
python/tvm/te/hybrid/parser.py
python/tvm/te/hybrid/preprocessor.py
python/tvm/te/hybrid/runtime.py
python/tvm/te/hybrid/util.py
python/tvm/te/operation.py
python/tvm/te/schedule.py
python/tvm/te/tag.py
python/tvm/te/tensor.py
python/tvm/te/tensor_intrin.py
python/tvm/testing.py
python/tvm/tir/buffer.py
python/tvm/tir/data_layout.py
python/tvm/tir/expr.py
python/tvm/tir/function.py
python/tvm/tir/generic.py
python/tvm/tir/ir_builder.py
python/tvm/tir/op.py
python/tvm/tir/stmt.py
python/tvm/tir/stmt_functor.py
python/tvm/tir/transform/function_pass.py
python/tvm/tir/transform/transform.py
python/tvm/topi/__init__.py
python/tvm/topi/argwhere.py
python/tvm/topi/arm_cpu/bitserial_conv2d.py
python/tvm/topi/arm_cpu/bitserial_dense.py
python/tvm/topi/arm_cpu/conv2d.py
python/tvm/topi/arm_cpu/conv2d_alter_op.py
python/tvm/topi/arm_cpu/conv2d_gemm.py
python/tvm/topi/arm_cpu/conv2d_int8.py
python/tvm/topi/arm_cpu/conv2d_spatial_pack.py
python/tvm/topi/arm_cpu/conv2d_transpose.py
python/tvm/topi/arm_cpu/cortex_m7/conv2d/direct.py
python/tvm/topi/arm_cpu/cortex_m7/conv2d/direct_simd.py
python/tvm/topi/arm_cpu/cortex_m7/micro_kernel/gemm.py
python/tvm/topi/arm_cpu/depthwise_conv2d.py
python/tvm/topi/arm_cpu/injective.py
python/tvm/topi/arm_cpu/tensor_intrin.py
python/tvm/topi/bifrost/conv2d.py
python/tvm/topi/bifrost/dense.py
python/tvm/topi/bifrost/depthwise_conv2d.py
python/tvm/topi/bifrost/gemm.py
python/tvm/topi/bifrost/transforms.py
python/tvm/topi/broadcast.py
python/tvm/topi/cpp/__init__.py
python/tvm/topi/cuda/batch_matmul.py
python/tvm/topi/cuda/conv1d.py
python/tvm/topi/cuda/conv1d_transpose_ncw.py
python/tvm/topi/cuda/conv2d.py
python/tvm/topi/cuda/conv2d_alter_op.py
python/tvm/topi/cuda/conv2d_direct.py
python/tvm/topi/cuda/conv2d_hwcn.py
python/tvm/topi/cuda/conv2d_hwnc_tensorcore.py
python/tvm/topi/cuda/conv2d_int8.py
python/tvm/topi/cuda/conv2d_nhwc.py
python/tvm/topi/cuda/conv2d_nhwc_tensorcore.py
python/tvm/topi/cuda/conv2d_nhwc_winograd.py
python/tvm/topi/cuda/conv2d_transpose_nchw.py
python/tvm/topi/cuda/conv2d_winograd.py
python/tvm/topi/cuda/conv3d.py
python/tvm/topi/cuda/conv3d_alter_op.py
python/tvm/topi/cuda/conv3d_direct.py
python/tvm/topi/cuda/conv3d_ndhwc_tensorcore.py
python/tvm/topi/cuda/conv3d_transpose_ncdhw.py
python/tvm/topi/cuda/conv3d_winograd.py
python/tvm/topi/cuda/correlation.py
python/tvm/topi/cuda/deformable_conv2d.py
python/tvm/topi/cuda/dense.py
python/tvm/topi/cuda/dense_tensorcore.py
python/tvm/topi/cuda/depthwise_conv2d.py
python/tvm/topi/cuda/group_conv2d_nchw.py
python/tvm/topi/cuda/injective.py
python/tvm/topi/cuda/nms.py
python/tvm/topi/cuda/nn.py
python/tvm/topi/cuda/pooling.py
python/tvm/topi/cuda/rcnn/proposal.py
python/tvm/topi/cuda/reduction.py
python/tvm/topi/cuda/softmax.py
python/tvm/topi/cuda/sort.py
python/tvm/topi/cuda/sparse.py
python/tvm/topi/cuda/ssd/multibox.py
python/tvm/topi/cuda/tensor_intrin.py
python/tvm/topi/cuda/vision.py
python/tvm/topi/generic/conv2d.py
python/tvm/topi/generic/extern.py
python/tvm/topi/generic/injective.py
python/tvm/topi/generic/nn.py
python/tvm/topi/generic/sort.py
python/tvm/topi/generic/vision.py
python/tvm/topi/generic_op_impl.py
python/tvm/topi/hls/injective.py
python/tvm/topi/hls/nn.py
python/tvm/topi/image/dilation2d.py
python/tvm/topi/image/grid_sample.py
python/tvm/topi/image/resize.py
python/tvm/topi/intel_graphics/conv2d.py
python/tvm/topi/intel_graphics/conv2d_alter_op.py
python/tvm/topi/intel_graphics/depthwise_conv2d.py
python/tvm/topi/mali/conv2d.py
python/tvm/topi/mali/dense.py
python/tvm/topi/mali/depthwise_conv2d.py
python/tvm/topi/math.py
python/tvm/topi/nn/batch_matmul.py
python/tvm/topi/nn/bitserial_conv2d.py
python/tvm/topi/nn/bitserial_dense.py
python/tvm/topi/nn/bitserial_util.py
python/tvm/topi/nn/bnn.py
python/tvm/topi/nn/conv1d.py
python/tvm/topi/nn/conv1d_transpose.py
python/tvm/topi/nn/conv2d.py
python/tvm/topi/nn/conv2d_transpose.py
python/tvm/topi/nn/conv3d.py
python/tvm/topi/nn/conv3d_transpose.py
python/tvm/topi/nn/correlation.py
python/tvm/topi/nn/deformable_conv2d.py
python/tvm/topi/nn/dense.py
python/tvm/topi/nn/depth_to_space.py
python/tvm/topi/nn/depthwise_conv2d.py
python/tvm/topi/nn/dilate.py
python/tvm/topi/nn/elemwise.py
python/tvm/topi/nn/fifo_buffer.py
python/tvm/topi/nn/flatten.py
python/tvm/topi/nn/local_response_norm.py
python/tvm/topi/nn/mapping.py
python/tvm/topi/nn/pad.py
python/tvm/topi/nn/pooling.py
python/tvm/topi/nn/softmax.py
python/tvm/topi/nn/space_to_depth.py
python/tvm/topi/nn/sparse.py
python/tvm/topi/nn/upsampling.py
python/tvm/topi/nn/util.py
python/tvm/topi/nn/winograd_util.py
python/tvm/topi/reduction.py
python/tvm/topi/rocm/conv2d.py
python/tvm/topi/rocm/dense.py
python/tvm/topi/rocm/nn.py
python/tvm/topi/scatter.py
python/tvm/topi/scatter_add.py
python/tvm/topi/sort.py
python/tvm/topi/sparse/csrmm.py
python/tvm/topi/sparse/csrmv.py
python/tvm/topi/sparse/dense.py
python/tvm/topi/tag.py
python/tvm/topi/tensor.py
python/tvm/topi/testing/__init__.py
python/tvm/topi/testing/adaptive_pool_python.py
python/tvm/topi/testing/batch_matmul.py
python/tvm/topi/testing/bilinear_resize_python.py
python/tvm/topi/testing/common.py
python/tvm/topi/testing/conv1d_ncw_python.py
python/tvm/topi/testing/conv1d_transpose_ncw_python.py
python/tvm/topi/testing/conv2d_hwcn_python.py
python/tvm/topi/testing/conv2d_nchw_python.py
python/tvm/topi/testing/conv2d_nhwc_python.py
python/tvm/topi/testing/conv2d_transpose_python.py
python/tvm/topi/testing/conv3d_ncdhw_python.py
python/tvm/topi/testing/conv3d_ndhwc_python.py
python/tvm/topi/testing/conv3d_transpose_ncdhw_python.py
python/tvm/topi/testing/correlation_nchw_python.py
python/tvm/topi/testing/crop_and_resize_python.py
python/tvm/topi/testing/deformable_conv2d_nchw_python.py
python/tvm/topi/testing/depth_to_space.py
python/tvm/topi/testing/depthwise_conv2d_python.py
python/tvm/topi/testing/dilate_python.py
python/tvm/topi/testing/gather_nd_python.py
python/tvm/topi/testing/gather_python.py
python/tvm/topi/testing/grid_sample_python.py
python/tvm/topi/testing/l2_normalize_python.py
python/tvm/topi/testing/lrn_python.py
python/tvm/topi/testing/matrix_set_diag.py
python/tvm/topi/testing/one_hot.py
python/tvm/topi/testing/pool1d_python.py
python/tvm/topi/testing/pool_grad_python.py
python/tvm/topi/testing/reorg_python.py
python/tvm/topi/testing/roi_align_python.py
python/tvm/topi/testing/roi_pool_python.py
python/tvm/topi/testing/sequence_mask_python.py
python/tvm/topi/testing/slice_axis_python.py
python/tvm/topi/testing/softmax_python.py
python/tvm/topi/testing/space_to_depth.py
python/tvm/topi/testing/strided_slice_python.py
python/tvm/topi/testing/trilinear_resize3d_python.py
python/tvm/topi/testing/upsampling_python.py
python/tvm/topi/transform.py
python/tvm/topi/util.py
python/tvm/topi/vision/nms.py
python/tvm/topi/vision/rcnn/proposal.py
python/tvm/topi/vision/rcnn/roi_align.py
python/tvm/topi/vision/rcnn/roi_pool.py
python/tvm/topi/vision/reorg.py
python/tvm/topi/vision/ssd/multibox.py
python/tvm/topi/x86/batch_matmul.py
python/tvm/topi/x86/binarize_pack.py
python/tvm/topi/x86/binary_dense.py
python/tvm/topi/x86/bitserial_conv2d.py
python/tvm/topi/x86/bitserial_dense.py
python/tvm/topi/x86/conv1d.py
python/tvm/topi/x86/conv2d.py
python/tvm/topi/x86/conv2d_alter_op.py
python/tvm/topi/x86/conv2d_avx_1x1.py
python/tvm/topi/x86/conv2d_avx_common.py
python/tvm/topi/x86/conv2d_int8.py
python/tvm/topi/x86/conv2d_transpose.py
python/tvm/topi/x86/conv3d.py
python/tvm/topi/x86/conv3d_transpose.py
python/tvm/topi/x86/dense.py
python/tvm/topi/x86/depthwise_conv2d.py
python/tvm/topi/x86/injective.py
python/tvm/topi/x86/nn.py
python/tvm/topi/x86/pooling.py
python/tvm/topi/x86/reduction.py
python/tvm/topi/x86/roi_align.py
python/tvm/topi/x86/sparse.py
python/tvm/topi/x86/tensor_intrin.py
python/tvm/topi/x86/util.py
rust/tvm-graph-rt/tests/build_model.py
rust/tvm-graph-rt/tests/test_nn/src/build_test_graph.py
rust/tvm-graph-rt/tests/test_tvm_basic/src/build_test_lib.py
rust/tvm-graph-rt/tests/test_tvm_dso/src/build_test_lib.py
rust/tvm-graph-rt/tests/test_wasm32/src/build_test_lib.py
rust/tvm/examples/resnet/src/build_resnet.py
rust/tvm/tests/basics/src/tvm_add.py
tests/lint/filter_untracked.py
tests/lint/pylintrc
tests/micro/test_runtime_micro_on_arm.py
tests/python/contrib/test_arm_compute_lib/infrastructure.py
tests/python/contrib/test_arm_compute_lib/test_conv2d.py
tests/python/contrib/test_arm_compute_lib/test_dense.py
tests/python/contrib/test_arm_compute_lib/test_network.py
tests/python/contrib/test_arm_compute_lib/test_pooling.py
tests/python/contrib/test_arm_compute_lib/test_reshape.py
tests/python/contrib/test_arm_compute_lib/test_runtime.py
tests/python/contrib/test_binutil.py
tests/python/contrib/test_cblas.py
tests/python/contrib/test_coreml_codegen.py
tests/python/contrib/test_coreml_runtime.py
tests/python/contrib/test_cublas.py
tests/python/contrib/test_cudnn.py
tests/python/contrib/test_dlpack.py
tests/python/contrib/test_edgetpu_runtime.py
tests/python/contrib/test_ethosn/__init__.py
tests/python/contrib/test_ethosn/infrastructure.py
tests/python/contrib/test_ethosn/test_concatenate.py
tests/python/contrib/test_ethosn/test_conv2d.py
tests/python/contrib/test_ethosn/test_split.py
tests/python/contrib/test_ethosn/test_topologies.py
tests/python/contrib/test_gemm_acc16.py
tests/python/contrib/test_gemm_acc32_vnni.py
tests/python/contrib/test_miopen.py
tests/python/contrib/test_mps.py
tests/python/contrib/test_mxnet_bridge.py
tests/python/contrib/test_nnpack.py
tests/python/contrib/test_onnx.py
tests/python/contrib/test_onnx_model.py
tests/python/contrib/test_random.py
tests/python/contrib/test_rocblas.py
tests/python/contrib/test_rpc_proxy.py
tests/python/contrib/test_rpc_tracker.py
tests/python/contrib/test_sort.py
tests/python/contrib/test_sparse.py
tests/python/contrib/test_tedd.py
tests/python/contrib/test_tflite_runtime.py
tests/python/contrib/test_util.py
tests/python/frontend/caffe/test_forward.py
tests/python/frontend/caffe2/model_zoo/__init__.py
tests/python/frontend/caffe2/model_zoo/squeezenet.py
tests/python/frontend/caffe2/test_forward.py
tests/python/frontend/caffe2/test_graph.py
tests/python/frontend/coreml/model_zoo/__init__.py
tests/python/frontend/coreml/test_forward.py
tests/python/frontend/darknet/test_forward.py
tests/python/frontend/keras/test_forward.py
tests/python/frontend/mxnet/model_zoo/__init__.py
tests/python/frontend/mxnet/model_zoo/dcgan.py
tests/python/frontend/mxnet/model_zoo/dqn.py
tests/python/frontend/mxnet/model_zoo/inception_v3.py
tests/python/frontend/mxnet/model_zoo/mlp.py
tests/python/frontend/mxnet/model_zoo/resnet.py
tests/python/frontend/mxnet/model_zoo/squeezenet.py
tests/python/frontend/mxnet/model_zoo/vgg.py
tests/python/frontend/mxnet/test_forward.py
tests/python/frontend/mxnet/test_graph.py
tests/python/frontend/mxnet/test_qnn_ops_utils.py
tests/python/frontend/onnx/test_forward.py
tests/python/frontend/pytorch/qnn_test.py
tests/python/frontend/pytorch/test_forward.py
tests/python/frontend/pytorch/test_lstm.py
tests/python/frontend/tensorflow/test_bn_dynamic.py
tests/python/frontend/tensorflow/test_control_flow.py
tests/python/frontend/tensorflow/test_debugging.py
tests/python/frontend/tensorflow/test_forward.py
tests/python/frontend/tensorflow/test_no_op.py
tests/python/frontend/test_common.py
tests/python/frontend/tflite/test_forward.py
tests/python/integration/test_dot.py
tests/python/integration/test_ewise.py
tests/python/integration/test_ewise_fpga.py
tests/python/integration/test_gemm.py
tests/python/integration/test_reduce.py
tests/python/integration/test_scan.py
tests/python/integration/test_tuning.py
tests/python/integration/test_winograd_nnpack.py
tests/python/nightly/quantization/test_quantization_accuracy.py
tests/python/relay/benchmarking/benchmark_vm.py
tests/python/relay/dyn/test_dynamic_op_level10.py
tests/python/relay/dyn/test_dynamic_op_level2.py
tests/python/relay/dyn/test_dynamic_op_level3.py
tests/python/relay/dyn/test_dynamic_op_level4.py
tests/python/relay/dyn/test_dynamic_op_level5.py
tests/python/relay/dyn/test_dynamic_op_level6.py
tests/python/relay/test_adt.py
tests/python/relay/test_analysis_basic_block_normal_form.py
tests/python/relay/test_analysis_extract_fused_functions.py
tests/python/relay/test_analysis_feature.py
tests/python/relay/test_analysis_get_calibration_data.py
tests/python/relay/test_annotated_regions.py
tests/python/relay/test_any.py
tests/python/relay/test_autotvm_task_extraction.py
tests/python/relay/test_backend_compile_engine.py
tests/python/relay/test_backend_graph_runtime.py
tests/python/relay/test_backend_interpreter.py
tests/python/relay/test_call_graph.py
tests/python/relay/test_change_batch.py
tests/python/relay/test_cmp_op.py
tests/python/relay/test_cpp_build_module.py
tests/python/relay/test_dataflow_pattern.py
tests/python/relay/test_debug.py
tests/python/relay/test_error_reporting.py
tests/python/relay/test_expr_functor.py
tests/python/relay/test_external_codegen.py
tests/python/relay/test_ir_bind.py
tests/python/relay/test_ir_module.py
tests/python/relay/test_ir_nodes.py
tests/python/relay/test_ir_op.py
tests/python/relay/test_ir_parser.py
tests/python/relay/test_ir_structural_equal_hash.py
tests/python/relay/test_ir_text_printer.py
tests/python/relay/test_ir_well_formed.py
tests/python/relay/test_json_compact.py
tests/python/relay/test_json_runtime.py
tests/python/relay/test_memory_passes.py
tests/python/relay/test_op_fast_math.py
tests/python/relay/test_op_grad_level1.py
tests/python/relay/test_op_grad_level10.py
tests/python/relay/test_op_grad_level2.py
tests/python/relay/test_op_grad_level3.py
tests/python/relay/test_op_grad_level4.py
tests/python/relay/test_op_level1.py
tests/python/relay/test_op_level10.py
tests/python/relay/test_op_level2.py
tests/python/relay/test_op_level3.py
tests/python/relay/test_op_level4.py
tests/python/relay/test_op_level5.py
tests/python/relay/test_op_level6.py
tests/python/relay/test_op_qnn_add.py
tests/python/relay/test_op_qnn_concatenate.py
tests/python/relay/test_op_qnn_conv2d.py
tests/python/relay/test_op_qnn_dense.py
tests/python/relay/test_op_qnn_dequantize.py
tests/python/relay/test_op_qnn_mul.py
tests/python/relay/test_op_qnn_quantize.py
tests/python/relay/test_op_qnn_requantize.py
tests/python/relay/test_op_qnn_subtract.py
tests/python/relay/test_param_dict.py
tests/python/relay/test_pass_alter_op_layout.py
tests/python/relay/test_pass_annotate_target.py
tests/python/relay/test_pass_annotation.py
tests/python/relay/test_pass_auto_quantize.py
tests/python/relay/test_pass_canonicalize_cast.py
tests/python/relay/test_pass_check_kind.py
tests/python/relay/test_pass_combine_parallel_batch_matmul.py
tests/python/relay/test_pass_combine_parallel_conv2d.py
tests/python/relay/test_pass_combine_parallel_dense.py
tests/python/relay/test_pass_convert_op_layout.py
tests/python/relay/test_pass_dead_code_elimination.py
tests/python/relay/test_pass_defunctionalization.py
tests/python/relay/test_pass_dynamic_to_static.py
tests/python/relay/test_pass_eliminate_common_subexpr.py
tests/python/relay/test_pass_eta_expand.py
tests/python/relay/test_pass_fast_math.py
tests/python/relay/test_pass_fold_constant.py
tests/python/relay/test_pass_fold_scale_axis.py
tests/python/relay/test_pass_fuse_ops.py
tests/python/relay/test_pass_gradient.py
tests/python/relay/test_pass_inline.py
tests/python/relay/test_pass_lambda_lift.py
tests/python/relay/test_pass_lazy_gradient_init.py
tests/python/relay/test_pass_legalize.py
tests/python/relay/test_pass_mac_count.py
tests/python/relay/test_pass_manager.py
tests/python/relay/test_pass_merge_compiler_regions.py
tests/python/relay/test_pass_merge_composite.py
tests/python/relay/test_pass_partial_eval.py
tests/python/relay/test_pass_partition_graph.py
tests/python/relay/test_pass_qnn_legalize.py
tests/python/relay/test_pass_remove_unused_functions.py
tests/python/relay/test_pass_simplify_expr.py
tests/python/relay/test_pass_simplify_inference.py
tests/python/relay/test_pass_to_a_normal_form.py
tests/python/relay/test_pass_to_basic_block_normal_form.py
tests/python/relay/test_pass_to_cps.py
tests/python/relay/test_pass_to_graph_normal_form.py
tests/python/relay/test_pass_unmatched_cases.py
tests/python/relay/test_pass_vars.py
tests/python/relay/test_py_converter.py
tests/python/relay/test_simplify_fc_transpose.py
tests/python/relay/test_sparse_dense_convert.py
tests/python/relay/test_type_functor.py
tests/python/relay/test_type_infer.py
tests/python/relay/test_type_solver.py
tests/python/relay/test_typecall.py
tests/python/relay/test_vm.py
tests/python/relay/test_vm_serialization.py
tests/python/topi/python/common.py
tests/python/topi/python/test_fifo_buffer.py
tests/python/topi/python/test_topi_basic.py
tests/python/topi/python/test_topi_batch_matmul.py
tests/python/topi/python/test_topi_bitserial_conv2d.py
tests/python/topi/python/test_topi_bitserial_conv2d_rasp.py
tests/python/topi/python/test_topi_bitserial_dense.py
tests/python/topi/python/test_topi_bnn.py
tests/python/topi/python/test_topi_broadcast.py
tests/python/topi/python/test_topi_clip.py
tests/python/topi/python/test_topi_conv1d.py
tests/python/topi/python/test_topi_conv1d_transpose_ncw.py
tests/python/topi/python/test_topi_conv2d_NCHWc.py
tests/python/topi/python/test_topi_conv2d_hwcn.py
tests/python/topi/python/test_topi_conv2d_hwnc_tensorcore.py
tests/python/topi/python/test_topi_conv2d_int8.py
tests/python/topi/python/test_topi_conv2d_nchw.py
tests/python/topi/python/test_topi_conv2d_nhwc.py
tests/python/topi/python/test_topi_conv2d_nhwc_pack_int8.py
tests/python/topi/python/test_topi_conv2d_nhwc_tensorcore.py
tests/python/topi/python/test_topi_conv2d_nhwc_winograd.py
tests/python/topi/python/test_topi_conv2d_transpose_nchw.py
tests/python/topi/python/test_topi_conv2d_winograd.py
tests/python/topi/python/test_topi_conv3d_ncdhw.py
tests/python/topi/python/test_topi_conv3d_ndhwc.py
tests/python/topi/python/test_topi_conv3d_ndhwc_tensorcore.py
tests/python/topi/python/test_topi_conv3d_transpose_ncdhw.py
tests/python/topi/python/test_topi_conv3d_winograd.py
tests/python/topi/python/test_topi_correlation.py
tests/python/topi/python/test_topi_deformable_conv2d.py
tests/python/topi/python/test_topi_dense.py
tests/python/topi/python/test_topi_dense_tensorcore.py
tests/python/topi/python/test_topi_depth_to_space.py
tests/python/topi/python/test_topi_depthwise_conv2d.py
tests/python/topi/python/test_topi_depthwise_conv2d_back_input.py
tests/python/topi/python/test_topi_depthwise_conv2d_back_weight.py
tests/python/topi/python/test_topi_dilate.py
tests/python/topi/python/test_topi_group_conv2d.py
tests/python/topi/python/test_topi_group_conv2d_NCHWc_int8.py
tests/python/topi/python/test_topi_image.py
tests/python/topi/python/test_topi_lrn.py
tests/python/topi/python/test_topi_math.py
tests/python/topi/python/test_topi_matmul.py
tests/python/topi/python/test_topi_reduce.py
tests/python/topi/python/test_topi_relu.py
tests/python/topi/python/test_topi_reorg.py
tests/python/topi/python/test_topi_softmax.py
tests/python/topi/python/test_topi_sort.py
tests/python/topi/python/test_topi_space_to_depth.py
tests/python/topi/python/test_topi_sparse.py
tests/python/topi/python/test_topi_tensor.py
tests/python/topi/python/test_topi_transform.py
tests/python/topi/python/test_topi_upsampling.py
tests/python/topi/python/test_topi_util.py
tests/python/topi/python/test_topi_vision.py
tests/python/unittest/test_arith_canonical_simplify.py
tests/python/unittest/test_arith_const_int_bound.py
tests/python/unittest/test_arith_deduce_bound.py
tests/python/unittest/test_arith_detect_clip_bound.py
tests/python/unittest/test_arith_detect_linear_equation.py
tests/python/unittest/test_arith_domain_touched.py
tests/python/unittest/test_arith_intset.py
tests/python/unittest/test_arith_modular_set.py
tests/python/unittest/test_arith_rewrite_simplify.py
tests/python/unittest/test_arith_solve_linear_equations.py
tests/python/unittest/test_arith_solve_linear_inequality.py
tests/python/unittest/test_auto_scheduler_common.py
tests/python/unittest/test_auto_scheduler_compute_dag.py
tests/python/unittest/test_auto_scheduler_cost_model.py
tests/python/unittest/test_auto_scheduler_evolutionary_search.py
tests/python/unittest/test_auto_scheduler_feature.py
tests/python/unittest/test_auto_scheduler_layout_rewrite.py
tests/python/unittest/test_auto_scheduler_loop_state.py
tests/python/unittest/test_auto_scheduler_measure.py
tests/python/unittest/test_auto_scheduler_search_policy.py
tests/python/unittest/test_auto_scheduler_sketch_generation.py
tests/python/unittest/test_autotvm_common.py
tests/python/unittest/test_autotvm_database.py
tests/python/unittest/test_autotvm_dispatch_context.py
tests/python/unittest/test_autotvm_executor.py
tests/python/unittest/test_autotvm_feature.py
tests/python/unittest/test_autotvm_flop_calculator.py
tests/python/unittest/test_autotvm_graph_tuner_core.py
tests/python/unittest/test_autotvm_graph_tuner_utils.py
tests/python/unittest/test_autotvm_index_tuner.py
tests/python/unittest/test_autotvm_measure.py
tests/python/unittest/test_autotvm_record.py
tests/python/unittest/test_autotvm_space.py
tests/python/unittest/test_autotvm_xgboost_model.py
tests/python/unittest/test_filter_untracked.py
tests/python/unittest/test_format_si_prefix.py
tests/python/unittest/test_hybrid_error_report.py
tests/python/unittest/test_hybrid_roundtrip.py
tests/python/unittest/test_ir_attrs.py
tests/python/unittest/test_ir_container.py
tests/python/unittest/test_ir_type.py
tests/python/unittest/test_node_reflection.py
tests/python/unittest/test_runtime_container.py
tests/python/unittest/test_runtime_error.py
tests/python/unittest/test_runtime_extension.py
tests/python/unittest/test_runtime_graph.py
tests/python/unittest/test_runtime_graph_debug.py
tests/python/unittest/test_runtime_heterogeneous.py
tests/python/unittest/test_runtime_measure.py
tests/python/unittest/test_runtime_micro.py
tests/python/unittest/test_runtime_module_based_interface.py
tests/python/unittest/test_runtime_module_export.py
tests/python/unittest/test_runtime_module_load.py
tests/python/unittest/test_runtime_ndarray.py
tests/python/unittest/test_runtime_packed_func.py
tests/python/unittest/test_runtime_rpc.py
tests/python/unittest/test_runtime_vm_profiler.py
tests/python/unittest/test_target_codegen_arm.py
tests/python/unittest/test_target_codegen_blob.py
tests/python/unittest/test_target_codegen_bool.py
tests/python/unittest/test_target_codegen_c_host.py
tests/python/unittest/test_target_codegen_cross_llvm.py
tests/python/unittest/test_target_codegen_cuda.py
tests/python/unittest/test_target_codegen_device.py
tests/python/unittest/test_target_codegen_extern.py
tests/python/unittest/test_target_codegen_hexagon.py
tests/python/unittest/test_target_codegen_llvm.py
tests/python/unittest/test_target_codegen_opencl.py
tests/python/unittest/test_target_codegen_rocm.py
tests/python/unittest/test_target_codegen_static_init.py
tests/python/unittest/test_target_codegen_vm_basic.py
tests/python/unittest/test_target_codegen_vulkan.py
tests/python/unittest/test_target_codegen_x86.py
tests/python/unittest/test_target_custom_datatypes.py
tests/python/unittest/test_target_target.py
tests/python/unittest/test_te_autodiff.py
tests/python/unittest/test_te_build_lower.py
tests/python/unittest/test_te_group.py
tests/python/unittest/test_te_hybrid_script.py
tests/python/unittest/test_te_schedule.py
tests/python/unittest/test_te_schedule_bound_inference.py
tests/python/unittest/test_te_schedule_bound_inference_tiling.py
tests/python/unittest/test_te_schedule_graph.py
tests/python/unittest/test_te_schedule_lstm.py
tests/python/unittest/test_te_schedule_ops.py
tests/python/unittest/test_te_schedule_postproc_rewrite_for_tensor_core.py
tests/python/unittest/test_te_schedule_tensor_core.py
tests/python/unittest/test_te_schedule_tensorize.py
tests/python/unittest/test_te_tag.py
tests/python/unittest/test_te_tensor.py
tests/python/unittest/test_te_tensor_overload.py
tests/python/unittest/test_te_verify_compute.py
tests/python/unittest/test_testing.py
tests/python/unittest/test_tir_analysis_expr_deep_equal.py
tests/python/unittest/test_tir_analysis_usedef.py
tests/python/unittest/test_tir_analysis_verify_gpu_code.py
tests/python/unittest/test_tir_analysis_verify_memory.py
tests/python/unittest/test_tir_analysis_verify_ssa.py
tests/python/unittest/test_tir_buffer.py
tests/python/unittest/test_tir_constructor.py
tests/python/unittest/test_tir_data_layout.py
tests/python/unittest/test_tir_intrin.py
tests/python/unittest/test_tir_ir_builder.py
tests/python/unittest/test_tir_nodes.py
tests/python/unittest/test_tir_ops.py
tests/python/unittest/test_tir_stmt_functor_ir_transform.py
tests/python/unittest/test_tir_structural_equal_hash.py
tests/python/unittest/test_tir_transform_bf16_legalize.py
tests/python/unittest/test_tir_transform_combine_context_call.py
tests/python/unittest/test_tir_transform_coproc_sync.py
tests/python/unittest/test_tir_transform_decorate_device_scope.py
tests/python/unittest/test_tir_transform_hoist_if.py
tests/python/unittest/test_tir_transform_inject_copy_intrin.py
tests/python/unittest/test_tir_transform_inject_double_buffer.py
tests/python/unittest/test_tir_transform_inject_virtual_thread.py
tests/python/unittest/test_tir_transform_instrument_bound_checkers.py
tests/python/unittest/test_tir_transform_lift_attr_scope.py
tests/python/unittest/test_tir_transform_loop_partition.py
tests/python/unittest/test_tir_transform_lower_intrin.py
tests/python/unittest/test_tir_transform_lower_warp_memory.py
tests/python/unittest/test_tir_transform_make_packed_api.py
tests/python/unittest/test_tir_transform_narrow_datatype.py
tests/python/unittest/test_tir_transform_prim_func_pass.py
tests/python/unittest/test_tir_transform_remove_no_op.py
tests/python/unittest/test_tir_transform_rewrite_unsafe_select.py
tests/python/unittest/test_tir_transform_simplify.py
tests/python/unittest/test_tir_transform_storage_flatten.py
tests/python/unittest/test_tir_transform_storage_rewrite.py
tests/python/unittest/test_tir_transform_thread_sync.py
tests/python/unittest/test_tir_transform_unroll_loop.py
tests/python/unittest/test_tir_transform_vectorize.py
tutorials/autotvm/tune_conv2d_cuda.py
tutorials/autotvm/tune_relay_arm.py
tutorials/autotvm/tune_relay_cuda.py
tutorials/autotvm/tune_relay_mobile_gpu.py
tutorials/autotvm/tune_relay_x86.py
tutorials/autotvm/tune_simple_template.py
tutorials/dev/low_level_custom_pass.py
tutorials/dev/use_pass_infra.py
tutorials/frontend/build_gcn.py
tutorials/frontend/deploy_model_on_android.py
tutorials/frontend/deploy_model_on_rasp.py
tutorials/frontend/deploy_prequantized.py
tutorials/frontend/deploy_prequantized_tflite.py
tutorials/frontend/deploy_quantized.py
tutorials/frontend/deploy_sparse.py
tutorials/frontend/deploy_ssd_gluoncv.py
tutorials/frontend/from_caffe2.py
tutorials/frontend/from_coreml.py
tutorials/frontend/from_darknet.py
tutorials/frontend/from_keras.py
tutorials/frontend/from_mxnet.py
tutorials/frontend/from_onnx.py
tutorials/frontend/from_pytorch.py
tutorials/frontend/from_tensorflow.py
tutorials/frontend/from_tflite.py
tutorials/frontend/using_external_lib.py
tutorials/get_started/cross_compilation_and_rpc.py
tutorials/get_started/relay_quick_start.py
tutorials/get_started/tensor_expr_get_started.py
tutorials/language/extern_op.py
tutorials/language/intrin_math.py
tutorials/language/reduction.py
tutorials/language/scan.py
tutorials/language/schedule_primitives.py
tutorials/language/tedd.py
tutorials/language/tensorize.py
tutorials/language/tuple_inputs.py
tutorials/micro/micro_tflite.py
tutorials/optimize/opt_conv_cuda.py
tutorials/optimize/opt_conv_tensorcore.py
tutorials/optimize/opt_gemm.py
tutorials/optimize/opt_matmul_auto_tensorcore.py
tutorials/topi/intro_topi.py
version.py
vta/python/vta/bitstream.py
vta/python/vta/build_module.py
vta/python/vta/environment.py
vta/python/vta/exec/rpc_server.py
vta/python/vta/intrin.py
vta/python/vta/libinfo.py
vta/python/vta/program_bitstream.py
vta/python/vta/rpc_client.py
vta/python/vta/testing/__init__.py
vta/python/vta/testing/simulator.py
vta/python/vta/testing/util.py
vta/python/vta/top/bitpack.py
vta/python/vta/top/graphpack.py
vta/python/vta/top/op.py
vta/python/vta/top/util.py
vta/python/vta/top/vta_conv2d.py
vta/python/vta/top/vta_conv2d_transpose.py
vta/python/vta/top/vta_dense.py
vta/python/vta/top/vta_group_conv2d.py
vta/python/vta/transform.py
vta/scripts/tune_conv2d.py
vta/scripts/tune_conv2d_transpose.py
vta/scripts/tune_dense.py
vta/scripts/tune_group_conv2d.py
vta/scripts/tune_resnet.py
vta/tests/python/de10nano/test_program_rpc.py
vta/tests/python/integration/test_benchmark_gemm.py
vta/tests/python/integration/test_benchmark_topi_conv2d.py
vta/tests/python/integration/test_benchmark_topi_conv2d_transpose.py
vta/tests/python/integration/test_benchmark_topi_dense.py
vta/tests/python/integration/test_benchmark_topi_group_conv2d.py
vta/tests/python/pynq/test_program_rpc.py
vta/tests/python/unittest/test_environment.py
vta/tests/python/unittest/test_vta_insn.py
vta/tutorials/autotvm/tune_relay_vta.py
vta/tutorials/frontend/deploy_classification.py
vta/tutorials/frontend/legacy/deploy_detection.py
vta/tutorials/matrix_multiply.py
vta/tutorials/optimize/convolution_opt.py
vta/tutorials/optimize/matrix_multiply_opt.py
vta/tutorials/vta_get_started.py
web/tests/python/prepare_test_libs.py
web/tests/python/webgpu_rpc_test.py
web/tests/python/websock_rpc_test.py