Skip to content

[Tracking Issue] pylint the tests! #11414

@areusch

Description

@areusch

This is a tracking issue for our effort to enable pylint on all Python testing code underneath tests/python. Currently we don't lint scripts in that directory. We're going to take an incremental approach here and anyone is welcomed to help with this. Here's how:

  1. Pick a directory where to start. I suggest choosing the directory based on the number of Python files.
  2. Add a line to tests/lint/pylint.sh containing that directory similar to Making CMSIS-NN tests pylint compliant #11625.
  3. Run docker/lint.sh pylint locally and fix the lint issues.
  4. Submit the PR and reference this issue in the PR so we know to update it.

Here are the tests that need linting 😸 (we will try to tag the PR which fixes them when we merge them):

  • tests/python/all-platform-minimal-test/test_minimal_target_codegen_llvm.py - [Pylint] Pylint tests/python/all_platform_minimal_test #11939
  • tests/python/all-platform-minimal-test/test_runtime_ndarray.py - [Pylint] Pylint tests/python/all_platform_minimal_test #11939
  • tests/python/all-platform-minimal-test/test_runtime_packed_func.py - [Pylint] Pylint tests/python/all_platform_minimal_test #11939
  • tests/python/ci/test_ci.py - [ci] Enable pylint for tests/python/ci #11666
  • tests/python/ci/test_mergebot.py - [ci] Enable pylint for tests/python/ci #11666
  • tests/python/ci/test_script_converter.py - [ci] Enable pylint for tests/python/ci #11666
  • tests/python/ci/test_utils.py - [ci] Enable pylint for tests/python/ci #11666
  • tests/python/conftest.py
  • tests/python/contrib/test_arm_compute_lib/infrastructure.py
  • tests/python/contrib/test_arm_compute_lib/test_add.py
  • tests/python/contrib/test_arm_compute_lib/test_concatenate.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_maximum.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_bnns/infrastructure.py
  • tests/python/contrib/test_bnns/test_conv2d.py
  • tests/python/contrib/test_bnns/test_conv2d_patterns.py
  • tests/python/contrib/test_bnns/test_dense.py
  • tests/python/contrib/test_bnns/test_matmul.py
  • tests/python/contrib/test_bnns/test_normalization.py
  • tests/python/contrib/test_bnns/test_onnx_topologies.py
  • tests/python/contrib/test_bnns/test_pooling.py
  • tests/python/contrib/test_cblas.py
  • tests/python/contrib/test_cmsisnn/test_binary_ops.py - Making CMSIS-NN tests pylint compliant #11625
  • tests/python/contrib/test_cmsisnn/test_conv2d.py - Making CMSIS-NN tests pylint compliant #11625
  • tests/python/contrib/test_cmsisnn/test_extract_constants.py - Making CMSIS-NN tests pylint compliant #11625
  • tests/python/contrib/test_cmsisnn/test_fully_connected.py - Making CMSIS-NN tests pylint compliant #11625
  • tests/python/contrib/test_cmsisnn/test_generate_constants.py - Making CMSIS-NN tests pylint compliant #11625
  • tests/python/contrib/test_cmsisnn/test_invalid_graphs.py - Making CMSIS-NN tests pylint compliant #11625
  • tests/python/contrib/test_cmsisnn/test_networks.py - Making CMSIS-NN tests pylint compliant #11625
  • tests/python/contrib/test_cmsisnn/test_pooling.py - Making CMSIS-NN tests pylint compliant #11625
  • tests/python/contrib/test_cmsisnn/test_scalar_to_tensor_constant.py - Making CMSIS-NN tests pylint compliant #11625
  • tests/python/contrib/test_cmsisnn/test_softmax.py - Making CMSIS-NN tests pylint compliant #11625
  • tests/python/contrib/test_cmsisnn/utils.py - Making CMSIS-NN tests pylint compliant #11625
  • 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_cutlass.py
  • tests/python/contrib/test_dlpack.py
  • tests/python/contrib/test_dnnl.py
  • tests/python/contrib/test_edgetpu_runtime.py
  • tests/python/contrib/test_ethosn/infrastructure.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_addition.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_concatenate.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_constant_duplication.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_conv2d.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_depth_to_space.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_fullyconnected.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_leaky_relu.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_mean.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_networks.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_partition_params.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_pooling.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_relu.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_reshape.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_sigmoid.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_split.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_tanh.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosn/test_topologies.py ([ETHOSN] Fix tests pylint errors #12649)
  • tests/python/contrib/test_ethosu/cascader/conftest.py
  • tests/python/contrib/test_ethosu/cascader/infra.py
  • tests/python/contrib/test_ethosu/cascader/test_ethosu_binary_elementwise_matcher.py
  • tests/python/contrib/test_ethosu/cascader/test_ethosu_block_config.py
  • tests/python/contrib/test_ethosu/cascader/test_ethosu_conv2d_matcher.py
  • tests/python/contrib/test_ethosu/cascader/test_ethosu_depthwise2d_matcher.py
  • tests/python/contrib/test_ethosu/cascader/test_ethosu_identity_matcher.py
  • tests/python/contrib/test_ethosu/cascader/test_ethosu_inline_matcher.py
  • tests/python/contrib/test_ethosu/cascader/test_ethosu_part.py
  • tests/python/contrib/test_ethosu/cascader/test_ethosu_part_performance.py
  • tests/python/contrib/test_ethosu/cascader/test_ethosu_pooling_matcher.py
  • tests/python/contrib/test_ethosu/cascader/test_ethosu_unary_elementwise_matcher.py
  • tests/python/contrib/test_ethosu/cascader/test_graph.py
  • tests/python/contrib/test_ethosu/cascader/test_integration.py
  • tests/python/contrib/test_ethosu/cascader/test_memory_reduction.py
  • tests/python/contrib/test_ethosu/cascader/test_pareto.py
  • tests/python/contrib/test_ethosu/cascader/test_plan.py
  • tests/python/contrib/test_ethosu/cascader/test_plan_generator.py
  • tests/python/contrib/test_ethosu/cascader/test_propagator.py
  • tests/python/contrib/test_ethosu/cascader/test_proposal_generator.py
  • tests/python/contrib/test_ethosu/cascader/test_scheduler.py
  • tests/python/contrib/test_ethosu/cascader/test_stripe_config.py
  • tests/python/contrib/test_ethosu/cascader/test_tensor_config.py
  • tests/python/contrib/test_ethosu/infra.py
  • tests/python/contrib/test_ethosu/test_attr_passing.py
  • tests/python/contrib/test_ethosu/test_codegen.py
  • tests/python/contrib/test_ethosu/test_compiler.py
  • tests/python/contrib/test_ethosu/test_copy_compute_reordering.py
  • tests/python/contrib/test_ethosu/test_create_tiles.py
  • tests/python/contrib/test_ethosu/test_encode_constants.py
  • tests/python/contrib/test_ethosu/test_extract_constants.py
  • tests/python/contrib/test_ethosu/test_hoist_allocates.py
  • tests/python/contrib/test_ethosu/test_identity_optimizer.py
  • tests/python/contrib/test_ethosu/test_layout_optimizer.py
  • tests/python/contrib/test_ethosu/test_legalize.py
  • tests/python/contrib/test_ethosu/test_legalize_no_ops.py
  • tests/python/contrib/test_ethosu/test_lookup_table.py
  • tests/python/contrib/test_ethosu/test_lower_to_te.py
  • tests/python/contrib/test_ethosu/test_lut_optimizer.py
  • tests/python/contrib/test_ethosu/test_networks.py
  • tests/python/contrib/test_ethosu/test_outline_compiler_functions.py
  • tests/python/contrib/test_ethosu/test_placeholder.py
  • tests/python/contrib/test_ethosu/test_preprocess.py
  • tests/python/contrib/test_ethosu/test_remove_concatenates.py
  • tests/python/contrib/test_ethosu/test_replace_binary_elementwise.py
  • tests/python/contrib/test_ethosu/test_replace_conv2d.py
  • tests/python/contrib/test_ethosu/test_replace_copy.py
  • tests/python/contrib/test_ethosu/test_replace_depthwise_conv2d.py
  • tests/python/contrib/test_ethosu/test_replace_identity.py
  • tests/python/contrib/test_ethosu/test_replace_pooling.py
  • tests/python/contrib/test_ethosu/test_replace_unary_elementwise.py
  • tests/python/contrib/test_ethosu/test_rolling_buffer.py
  • tests/python/contrib/test_ethosu/test_scheduler.py
  • tests/python/contrib/test_ethosu/test_tir_to_cs_translator.py
  • tests/python/contrib/test_ethosu/test_type_inference.py
  • tests/python/contrib/test_ethosu/test_vela_api.py
  • tests/python/contrib/test_gemm_acc16.py
  • tests/python/contrib/test_gemm_acc32_vnni.py
  • tests/python/contrib/test_hexagon/benchmark_elemwise_add.py (Claimed by @quic-sanirudh)
  • tests/python/contrib/test_hexagon/benchmark_util.py (Claimed by @quic-sanirudh)
  • tests/python/contrib/test_hexagon/conftest.py (Claimed by @quic-sanirudh)
  • tests/python/contrib/test_hexagon/conv2d/test_conv2d_blocked.py (Claimed by @quic-sanirudh)
  • tests/python/contrib/test_hexagon/conv2d/test_conv2d_conv2d.py (Claimed by @quic-sanirudh)
  • tests/python/contrib/test_hexagon/infrastructure.py (Claimed by @quic-sanirudh)
  • tests/python/contrib/test_hexagon/test_2d_physical_buffers.py (Claimed by @quic-sanirudh)
  • tests/python/contrib/test_hexagon/test_autotvm.py (Claimed by @quic-sanirudh)
  • tests/python/contrib/test_hexagon/test_cache_read_write.py (Claimed by @quic-sanirudh)
  • tests/python/contrib/test_hexagon/test_launcher.py (Claimed by @quic-sanirudh)
  • tests/python/contrib/test_hexagon/test_maxpool2d_blocked.py (Claimed by @quic-sanirudh)
  • tests/python/contrib/test_hexagon/test_models.py (Claimed by @quic-sanirudh)
  • tests/python/contrib/test_hexagon/test_run_unit_tests.py (Claimed by @quic-sanirudh)
  • tests/python/contrib/test_hexagon/test_thread_pool.py (Claimed by @quic-sanirudh)
  • tests/python/contrib/test_hexagon/test_usmp.py (Claimed by @quic-sanirudh)
  • tests/python/contrib/test_hexagon/*.py (Claimed by @mehrdadh)
  • tests/python/contrib/test_hexagon/conv2d/*.py (Claimed by @mehrdadh)
  • tests/python/contrib/test_hexagon/metaschedule_e2e/*.py (Claimed by @mehrdadh)
  • tests/python/contrib/test_hexagon/topi/*.py (Claimed by @mehrdadh)
  • tests/python/contrib/test_hexagon/slice_op/*.py
  • tests/python/contrib/test_libtorch_ops.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_popen_pool.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_server_device.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_tensorrt.py
  • tests/python/contrib/test_tensorrt_int8_exp.py
  • tests/python/contrib/test_tflite_runtime.py
  • tests/python/contrib/test_thrust.py
  • tests/python/contrib/test_util.py
  • tests/python/contrib/test_verilator/infrastructure.py
  • tests/python/contrib/test_verilator/test_mobilenet.py
  • tests/python/contrib/test_verilator/test_verilator_ops.py
  • tests/python/contrib/test_vitis_ai/test_vitis_ai_codegen.py
  • tests/python/contrib/test_vitis_ai/test_vitis_ai_runtime_cpu_part.py
  • tests/python/driver/tvmc/conftest.py
  • tests/python/driver/tvmc/test_autoscheduler.py
  • tests/python/driver/tvmc/test_autotuner.py
  • tests/python/driver/tvmc/test_command_line.py
  • tests/python/driver/tvmc/test_compiler.py
  • tests/python/driver/tvmc/test_composite_target.py
  • tests/python/driver/tvmc/test_frontends.py
  • tests/python/driver/tvmc/test_mlf.py
  • tests/python/driver/tvmc/test_model.py
  • tests/python/driver/tvmc/test_parse_config_file.py
  • tests/python/driver/tvmc/test_pass_config.py
  • tests/python/driver/tvmc/test_pass_list.py
  • tests/python/driver/tvmc/test_registry_options.py
  • tests/python/driver/tvmc/test_runner.py
  • tests/python/driver/tvmc/test_shape_parser.py
  • tests/python/driver/tvmc/test_target.py
  • tests/python/driver/tvmc/test_target_options.py
  • tests/python/driver/tvmc/test_tracker.py
  • tests/python/frontend/caffe/test_forward.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/caffe2/model_zoo/init.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/caffe2/test_forward.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/coreml/model_zoo/init.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/coreml/test_forward.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/darknet/test_forward.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/keras/test_forward.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/mxnet/model_zoo/init.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/mxnet/model_zoo/dqn.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/mxnet/model_zoo/inception_v3.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/mxnet/model_zoo/mlp.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/mxnet/model_zoo/resnet.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/mxnet/model_zoo/squeezenet.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/mxnet/model_zoo/vgg.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/mxnet/test_forward.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/mxnet/test_graph.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/mxnet/test_qnn_ops_utils.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/oneflow/test_forward.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/oneflow/test_vision_models.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/onnx/test_forward.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/paddlepaddle/test_forward.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/pytorch/qnn_test.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/pytorch/test_forward.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/pytorch/test_fx_quant.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/pytorch/test_lstm.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/pytorch/test_object_detection.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/pytorch/test_rnns.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/tensorflow/test_bn_dynamic.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/tensorflow/test_control_flow.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/tensorflow/test_debugging.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/tensorflow/test_forward.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/tensorflow/test_no_op.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/tensorflow2/common.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/tensorflow2/test_functional_models.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/tensorflow2/test_sequential_models.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/test_common.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/frontend/tflite/test_forward.py - [Pylint] Making frontend tests pylint compliant [part 1] #12028
  • tests/python/integration/test_arm_mprofile_dsp.py - [Pylint] Pylint integration_tests folder #11672
  • tests/python/integration/test_dot.py - [Pylint] Pylint integration_tests folder #11672
  • tests/python/integration/test_ewise.py - [Pylint] Pylint integration_tests folder #11672
  • tests/python/integration/test_ewise_fpga.py - [Pylint] Pylint integration_tests folder #11672
  • tests/python/integration/test_gemm.py - [Pylint] Pylint integration_tests folder #11672
  • tests/python/integration/test_lower.py - [Pylint] Pylint integration_tests folder #11672
  • tests/python/integration/test_meta_schedule_auto_tensorize.py - [Pylint] Pylint integration_tests folder #11672
  • tests/python/integration/test_reduce.py - [Pylint] Pylint integration_tests folder #11672
  • tests/python/integration/test_scan.py - [Pylint] Pylint integration_tests folder #11672
  • tests/python/integration/test_tuning.py - [Pylint] Pylint integration_tests folder #11672
  • tests/python/integration/test_winograd_nnpack.py - [Pylint] Pylint integration_tests folder #11672
  • tests/python/nightly/quantization/test_quantization_accuracy.py
  • tests/python/nightly/quantization/test_quantization_accuracy_for_vit.py
  • tests/python/relay/aot/test_c_device_api.py - [CI] Apply linting rules to AOT tests #11657
  • tests/python/relay/aot/test_cpp_aot.py - [CI] Apply linting rules to AOT tests #11657
  • tests/python/relay/aot/test_crt_aot.py - [CI] Apply linting rules to AOT tests #11657
  • tests/python/relay/aot/test_crt_aot_usmp.py - [CI] Apply linting rules to AOT tests #11657
  • 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/op/annotation/test_annotation.py
  • tests/python/relay/op/test_tensor.py
  • tests/python/relay/qnn/test_canonicalizations.py
  • tests/python/relay/strategy/arm_cpu/test_avg_pool.py
  • tests/python/relay/strategy/arm_cpu/test_conv1d_ncw.py
  • tests/python/relay/strategy/arm_cpu/test_conv1d_nwc.py
  • tests/python/relay/strategy/arm_cpu/test_conv2d_NCHWc.py
  • tests/python/relay/strategy/arm_cpu/test_conv2d_nchw.py
  • tests/python/relay/strategy/arm_cpu/test_conv2d_nhwc.py
  • tests/python/relay/strategy/arm_cpu/test_dense_dsp.py
  • tests/python/relay/strategy/arm_cpu/test_depthwise_conv2d.py
  • tests/python/relay/strategy/arm_cpu/test_depthwise_conv2d_NCHWc.py
  • tests/python/relay/strategy/arm_cpu/test_group_conv2d.py
  • tests/python/relay/strategy/arm_cpu/test_max_pool.py
  • tests/python/relay/test_adt.py
  • tests/python/relay/test_analysis_basic_block_normal_form.py
  • tests/python/relay/test_analysis_extract_fake_quantized_ops.py
  • tests/python/relay/test_analysis_extract_fused_functions.py
  • tests/python/relay/test_analysis_extract_operators.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_auto_scheduler_layout_rewrite_networks.py
  • tests/python/relay/test_auto_scheduler_task_extraction.py
  • tests/python/relay/test_auto_scheduler_tuning.py
  • tests/python/relay/test_autotvm_task_extraction.py
  • tests/python/relay/test_backend_graph_executor.py
  • tests/python/relay/test_backend_interpreter.py
  • tests/python/relay/test_build_module.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_const.py
  • tests/python/relay/test_conv2d_nchw_texture.py
  • tests/python/relay/test_conv2d_nhwc_texture.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_depthwise_conv2d_nchw_texture.py
  • tests/python/relay/test_depthwise_conv2d_nhwc_texture.py
  • tests/python/relay/test_executor.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_layer_count.py
  • tests/python/relay/test_memory_passes.py
  • tests/python/relay/test_name_mangling.py
  • tests/python/relay/test_name_transforms.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_batch_matmul.py
  • tests/python/relay/test_op_qnn_concatenate.py
  • tests/python/relay/test_op_qnn_conv2_transpose.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_leaky_relu.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_simulated_dequantize.py
  • tests/python/relay/test_op_qnn_simulated_quantize.py
  • tests/python/relay/test_op_qnn_subtract.py
  • tests/python/relay/test_op_qnn_unary_elementwise.py
  • tests/python/relay/test_param_dict.py
  • tests/python/relay/test_pass_alter_op_layout.py
  • tests/python/relay/test_pass_annotate_spans_defuse.py
  • tests/python/relay/test_pass_annotate_target.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_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_defuse_ops.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_fake_quantization_to_integer.py
  • tests/python/relay/test_pass_fast_math.py
  • tests/python/relay/test_pass_flatten_atrous_conv.py
  • tests/python/relay/test_pass_flexible_shape_dispatch.py
  • tests/python/relay/test_pass_fold_constant.py
  • tests/python/relay/test_pass_fold_explicit_padding.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_instrument.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_legalize_tensorcore.py
  • tests/python/relay/test_pass_mac_count.py
  • tests/python/relay/test_pass_manager.py
  • tests/python/relay/test_pass_manifest_lifetimes.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_plan_devices.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_split_args.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_pipeline_executor.py
  • tests/python/relay/test_prng.py
  • tests/python/relay/test_py_converter.py
  • tests/python/relay/test_recast.py
  • tests/python/relay/test_relay_te_compiler.py
  • tests/python/relay/test_runtime.py
  • tests/python/relay/test_simplify_fc_transpose.py
  • tests/python/relay/test_sparse_conv2d_convert.py
  • tests/python/relay/test_sparse_dense_convert.py
  • tests/python/relay/test_target_hooks.py
  • tests/python/relay/test_tensor_array.py
  • tests/python/relay/test_to_mixed_precision.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/relay/transform/test_compiler_function_utils.py
  • tests/python/relay/utils/adreno_utils.py
  • tests/python/relay/utils/assert_diagnostic.py
  • tests/python/relay/utils/external_codegen.py
  • tests/python/relay/utils/ref_funcs.py
  • tests/python/target/test_arm_target.py
  • tests/python/target/test_virtual_device.py
  • tests/python/tir/analysis/test_device_constraint_utils.py
  • tests/python/topi/python/test_fifo_buffer.py
  • tests/python/topi/python/test_topi_argwhere.py
  • tests/python/topi/python/test_topi_basic.py
  • tests/python/topi/python/test_topi_batch_matmul.py
  • tests/python/topi/python/test_topi_batch_matmul_tensorcore.py
  • tests/python/topi/python/test_topi_batch_norm.py
  • tests/python/topi/python/test_topi_batch_to_space_nd.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_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_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_einsum.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_group_conv2d_transpose.py
  • tests/python/topi/python/test_topi_image.py
  • tests/python/topi/python/test_topi_loss.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_pooling.py
  • tests/python/topi/python/test_topi_prng.py
  • tests/python/topi/python/test_topi_qnn.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_scan.py
  • tests/python/topi/python/test_topi_scatter.py
  • tests/python/topi/python/test_topi_searchsorted.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_batch_nd.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_unique.py
  • tests/python/topi/python/test_topi_upsampling.py
  • tests/python/topi/python/test_topi_vision.py
  • tests/python/unittest/test_aot_legalize_packed_call.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_iter_affine_map.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_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_search_task.py
  • tests/python/unittest/test_auto_scheduler_sketch_generation.py
  • tests/python/unittest/test_auto_scheduler_task_scheduler.py
  • tests/python/unittest/test_autotvm_database.py
  • tests/python/unittest/test_autotvm_dispatch_context.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_crt.py (Claimed by @alanmacd)
  • tests/python/unittest/test_custom_datatypes.py
  • tests/python/unittest/test_filter_untracked.py
  • tests/python/unittest/test_format_si_prefix.py
  • tests/python/unittest/test_gen_requirements.py
  • tests/python/unittest/test_index_map.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_link_params.py
  • tests/python/unittest/test_lower_build.py
  • tests/python/unittest/test_meta_schedule_builder.py
  • tests/python/unittest/test_meta_schedule_byoc_tensorrt.py
  • tests/python/unittest/test_meta_schedule_cost_model.py
  • tests/python/unittest/test_meta_schedule_database.py
  • tests/python/unittest/test_meta_schedule_integration.py
  • tests/python/unittest/test_meta_schedule_measure_callback.py
  • tests/python/unittest/test_meta_schedule_multi_anchor.py
  • tests/python/unittest/test_meta_schedule_post_order_apply.py
  • tests/python/unittest/test_meta_schedule_postproc_rewrite_cooperative_fetch.py
  • tests/python/unittest/test_meta_schedule_postproc_rewrite_parallel_vectorize_unroll.py
  • tests/python/unittest/test_meta_schedule_postproc_rewrite_reduction_block.py
  • tests/python/unittest/test_meta_schedule_postproc_rewrite_tensorize.py
  • tests/python/unittest/test_meta_schedule_postproc_rewrite_unbound_block.py
  • tests/python/unittest/test_meta_schedule_postproc_verify_gpu_code.py
  • tests/python/unittest/test_meta_schedule_runner.py
  • tests/python/unittest/test_meta_schedule_schedule_rule_add_rfactor.py
  • tests/python/unittest/test_meta_schedule_schedule_rule_auto_bind.py
  • tests/python/unittest/test_meta_schedule_schedule_rule_auto_inline.py
  • tests/python/unittest/test_meta_schedule_schedule_rule_cross_thread_reduction.py
  • tests/python/unittest/test_meta_schedule_schedule_rule_multi_level_tiling.py
  • tests/python/unittest/test_meta_schedule_schedule_rule_parallel_vectorize_unroll.py
  • tests/python/unittest/test_meta_schedule_schedule_rule_random_compute_location.py
  • tests/python/unittest/test_meta_schedule_search_strategy.py
  • tests/python/unittest/test_meta_schedule_space_generator.py
  • tests/python/unittest/test_meta_schedule_task_scheduler.py
  • tests/python/unittest/test_meta_schedule_tune_context.py
  • tests/python/unittest/test_meta_schedule_tune_relay.py
  • tests/python/unittest/test_meta_schedule_tune_tir.py
  • tests/python/unittest/test_micro_model_library_format.py (Claimed by @alanmacd)
  • tests/python/unittest/test_micro_project_api.py (Claimed by @alanmacd)
  • tests/python/unittest/test_micro_transport.py (Claimed by @alanmacd)
  • tests/python/unittest/test_node_reflection.py (Claimed by @alanmacd)
  • tests/python/unittest/test_runtime_container.py (Claimed by @alanmacd)
  • tests/python/unittest/test_runtime_error.py (Claimed by @alanmacd)
  • tests/python/unittest/test_runtime_extension.py (Claimed by @alanmacd)
  • tests/python/unittest/test_runtime_graph.py (Claimed by @alanmacd)
  • tests/python/unittest/test_runtime_graph_cuda_graph.py (Claimed by @alanmacd)
  • tests/python/unittest/test_runtime_graph_debug.py (Claimed by @alanmacd)
  • tests/python/unittest/test_runtime_measure.py
  • tests/python/unittest/test_runtime_module_based_interface.py (Claimed by @alanmacd)
  • tests/python/unittest/test_runtime_module_export.py (Claimed by @alanmacd)
  • tests/python/unittest/test_runtime_module_load.py (Claimed by @alanmacd)
  • tests/python/unittest/test_runtime_profiling.py (Claimed by @alanmacd)
  • tests/python/unittest/test_runtime_rpc.py (Claimed by @alanmacd)
  • tests/python/unittest/test_runtime_trace.py (Claimed by @alanmacd)
  • tests/python/unittest/test_runtime_vm_profiler.py (Claimed by @alanmacd)
  • tests/python/unittest/test_subwarp_reduction_cuda.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_metal.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_target.py
  • tests/python/unittest/test_target_texture_codegen_opencl.py
  • tests/python/unittest/test_te_autodiff.py
  • tests/python/unittest/test_te_build_lower.py
  • tests/python/unittest/test_te_create_primfunc.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_calculate_workspace.py
  • tests/python/unittest/test_tir_analysis_detect_buffer_access_lca.py
  • tests/python/unittest/test_tir_analysis_estimate_tir_flops.py
  • tests/python/unittest/test_tir_analysis_expr_deep_equal.py
  • tests/python/unittest/test_tir_analysis_get_block_access_region.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_base.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_lower_match_buffer.py
  • tests/python/unittest/test_tir_nodes.py
  • tests/python/unittest/test_tir_ops.py
  • tests/python/unittest/test_tir_ptx_cp_async.py
  • tests/python/unittest/test_tir_ptx_ldmatrix.py
  • tests/python/unittest/test_tir_ptx_mma.py
  • tests/python/unittest/test_tir_ptx_mma_sp.py
  • tests/python/unittest/test_tir_renew_defs.py
  • tests/python/unittest/test_tir_schedule_analysis.py
  • tests/python/unittest/test_tir_schedule_block_scope.py
  • tests/python/unittest/test_tir_schedule_blockize.py
  • tests/python/unittest/test_tir_schedule_cache_read_write.py
  • tests/python/unittest/test_tir_schedule_compute_at.py
  • tests/python/unittest/test_tir_schedule_compute_inline.py
  • tests/python/unittest/test_tir_schedule_error.py
  • tests/python/unittest/test_tir_schedule_for_kind.py
  • tests/python/unittest/test_tir_schedule_instruction.py
  • tests/python/unittest/test_tir_schedule_reduction.py
  • tests/python/unittest/test_tir_schedule_reindex.py
  • tests/python/unittest/test_tir_schedule_reorder.py
  • tests/python/unittest/test_tir_schedule_rfactor.py
  • tests/python/unittest/test_tir_schedule_sampling.py
  • tests/python/unittest/test_tir_schedule_set_axis_separator.py
  • tests/python/unittest/test_tir_schedule_set_scope.py
  • tests/python/unittest/test_tir_schedule_split_fuse.py
  • tests/python/unittest/test_tir_schedule_state.py
  • tests/python/unittest/test_tir_schedule_state_cached_flags.py
  • tests/python/unittest/test_tir_schedule_tensorize.py
  • tests/python/unittest/test_tir_schedule_tensorize_ldmatrix_mma.py
  • tests/python/unittest/test_tir_schedule_trace.py
  • tests/python/unittest/test_tir_schedule_transform.py
  • tests/python/unittest/test_tir_schedule_transform_layout.py
  • tests/python/unittest/test_tir_schedule_utilities.py
  • tests/python/unittest/test_tir_specialize.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_texture_scope.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_common_subexpr_elim.py
  • tests/python/unittest/test_tir_transform_compact_buffer_region.py
  • tests/python/unittest/test_tir_transform_convert_blocks_to_opaque.py
  • tests/python/unittest/test_tir_transform_convert_for_loops_serial.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_extract_constants.py
  • tests/python/unittest/test_tir_transform_flatten_buffer.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_rolling_buffer.py
  • tests/python/unittest/test_tir_transform_inject_software_pipeline.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_ir_utils.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_cross_thread_reduction.py
  • tests/python/unittest/test_tir_transform_lower_init_block.py
  • tests/python/unittest/test_tir_transform_lower_intrin.py
  • tests/python/unittest/test_tir_transform_lower_tvm_builtin.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_make_unpacked_api.py
  • tests/python/unittest/test_tir_transform_merge_dynamic_shared_memory_allocations.py
  • tests/python/unittest/test_tir_transform_narrow_datatype.py
  • tests/python/unittest/test_tir_transform_plan_update_buffer_allocation_location.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_renormalize_split_pattern.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_split_host_device.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_unify_thread_binding.py
  • tests/python/unittest/test_tir_transform_unroll_loop.py
  • tests/python/unittest/test_tir_transform_vectorize.py
  • tests/python/unittest/test_tir_usmp_algo.py
  • tests/python/unittest/test_tir_usmp_algo_hill_climb.py
  • tests/python/unittest/test_tir_usmp_analysis_extract_bufferinfo.py
  • tests/python/unittest/test_tir_usmp_transform_convert_pool_allocations_to_offsets.py
  • tests/python/unittest/test_tir_usmp_transform_create_io_allocates.py
  • tests/python/unittest/test_tir_usmp_utils.py
  • tests/python/unittest/test_transform_layout.py
  • tests/python/unittest/test_tvm_testing_features.py
  • tests/python/unittest/test_tvmscript_complete.py
  • tests/python/unittest/test_tvmscript_error_report.py
  • tests/python/unittest/test_tvmscript_meta_programming.py
  • tests/python/unittest/test_tvmscript_ops.py
  • tests/python/unittest/test_tvmscript_regression.py
  • tests/python/unittest/test_tvmscript_roundtrip.py
  • tests/python/unittest/test_tvmscript_spans.py
  • tests/python/unittest/test_tvmscript_syntax_sugar.py
  • tests/python/unittest/test_type_annotation_checker.py

Metadata

Metadata

Assignees

No one assigned

    Type

    No type

    Projects

    No projects

    Milestone

    No milestone

    Relationships

    None yet

    Development

    No branches or pull requests

    Issue actions