apache / tvm

Open deep learning compiler stack for cpu, gpu and specialized accelerators
https://tvm.apache.org/
Apache License 2.0
11.67k stars 3.45k forks source link

[CI] File rename mapping when refactor unittest folder (#16110) #16138

Open Hzfengsy opened 10 months ago

Hzfengsy commented 10 months ago

To make tests more structural, we reorganize the test files in https://github.com/apache/tvm/pull/16110, which contains two major refactors:

  1. move tests in unittests folder to the corresponding folders
  2. move tests/python/topi/python/* to tests/python/topi/*

To help the community to find the test files and transfer the uncommitted changes, I list the detailed changes here:

Before After
tests/python/unittest/test_arith_canonical_simplify.py tests/python/arith/test_arith_canonical_simplify.py
tests/python/unittest/test_arith_const_int_bound.py tests/python/arith/test_arith_const_int_bound.py
tests/python/unittest/test_arith_deduce_bound.py tests/python/arith/test_arith_deduce_bound.py
tests/python/unittest/test_arith_detect_clip_bound.py tests/python/arith/test_arith_detect_clip_bound.py
tests/python/unittest/test_arith_detect_cse.py tests/python/arith/test_arith_detect_cse.py
tests/python/unittest/test_arith_detect_linear_equation.py tests/python/arith/test_arith_detect_linear_equation.py
tests/python/unittest/test_arith_domain_touched.py tests/python/arith/test_arith_domain_touched.py
tests/python/unittest/test_arith_intset.py tests/python/arith/test_arith_intset.py
tests/python/unittest/test_arith_iter_affine_map.py tests/python/arith/test_arith_iter_affine_map.py
tests/python/unittest/test_arith_modular_set.py tests/python/arith/test_arith_modular_set.py
tests/python/unittest/test_arith_narrow_predicate_expression.py tests/python/arith/test_arith_narrow_predicate_expression.py
tests/python/unittest/test_arith_rewrite_simplify.py tests/python/arith/test_arith_rewrite_simplify.py
tests/python/unittest/test_arith_simplify.py tests/python/arith/test_arith_simplify.py
tests/python/unittest/test_arith_solve_linear_equations.py tests/python/arith/test_arith_solve_linear_equations.py
tests/python/unittest/test_arith_solve_linear_inequality.py tests/python/arith/test_arith_solve_linear_inequality.py
tests/python/unittest/test_auto_scheduler_compute_dag.py tests/python/auto_scheduler/test_auto_scheduler_compute_dag.py
tests/python/unittest/test_auto_scheduler_cost_model.py tests/python/auto_scheduler/test_auto_scheduler_cost_model.py
tests/python/unittest/test_auto_scheduler_evolutionary_search.py tests/python/auto_scheduler/test_auto_scheduler_evolutionary_search.py
tests/python/unittest/test_auto_scheduler_feature.py tests/python/auto_scheduler/test_auto_scheduler_feature.py
tests/python/unittest/test_auto_scheduler_layout_rewrite.py tests/python/auto_scheduler/test_auto_scheduler_layout_rewrite.py
tests/python/unittest/test_auto_scheduler_loop_state.py tests/python/auto_scheduler/test_auto_scheduler_loop_state.py
tests/python/unittest/test_auto_scheduler_measure.py tests/python/auto_scheduler/test_auto_scheduler_measure.py
tests/python/unittest/test_auto_scheduler_search_policy.py tests/python/auto_scheduler/test_auto_scheduler_search_policy.py
tests/python/unittest/test_auto_scheduler_search_task.py tests/python/auto_scheduler/test_auto_scheduler_search_task.py
tests/python/unittest/test_auto_scheduler_sketch_generation.py tests/python/auto_scheduler/test_auto_scheduler_sketch_generation.py
tests/python/unittest/test_auto_scheduler_task_scheduler.py tests/python/auto_scheduler/test_auto_scheduler_task_scheduler.py
tests/python/unittest/test_autotvm_database.py tests/python/autotvm/test_autotvm_database.py
tests/python/unittest/test_autotvm_dispatch_context.py tests/python/autotvm/test_autotvm_dispatch_context.py
tests/python/unittest/test_autotvm_droplet_tuner.py tests/python/autotvm/test_autotvm_droplet_tuner.py
tests/python/unittest/test_autotvm_feature.py tests/python/autotvm/test_autotvm_feature.py
tests/python/unittest/test_autotvm_flop_calculator.py tests/python/autotvm/test_autotvm_flop_calculator.py
tests/python/unittest/test_autotvm_ga_tuner.py tests/python/autotvm/test_autotvm_ga_tuner.py
tests/python/unittest/test_autotvm_graph_tuner_core.py tests/python/autotvm/test_autotvm_graph_tuner_core.py
tests/python/unittest/test_autotvm_graph_tuner_utils.py tests/python/autotvm/test_autotvm_graph_tuner_utils.py
tests/python/unittest/test_autotvm_index_tuner.py tests/python/autotvm/test_autotvm_index_tuner.py
tests/python/unittest/test_autotvm_measure.py tests/python/autotvm/test_autotvm_measure.py
tests/python/unittest/test_autotvm_record.py tests/python/autotvm/test_autotvm_record.py
tests/python/unittest/test_autotvm_space.py tests/python/autotvm/test_autotvm_space.py
tests/python/unittest/test_autotvm_xgboost_model.py tests/python/autotvm/test_autotvm_xgboost_model.py
tests/python/unittest/test_allreduce.py tests/python/codegen/test_gpu_codegen_allreduce.py
tests/python/unittest/test_inject_ptx_ldg32.py tests/python/codegen/test_inject_ptx_ldg32.py
tests/python/unittest/test_target_codegen_aarch64.py tests/python/codegen/test_target_codegen_aarch64.py
tests/python/unittest/test_target_codegen_arm.py tests/python/codegen/test_target_codegen_arm.py
tests/python/unittest/test_target_codegen_blob.py tests/python/codegen/test_target_codegen_blob.py
tests/python/unittest/test_target_codegen_bool.py tests/python/codegen/test_target_codegen_bool.py
tests/python/unittest/test_target_codegen_c_host.py tests/python/codegen/test_target_codegen_c_host.py
tests/python/unittest/test_target_codegen_cross_llvm.py tests/python/codegen/test_target_codegen_cross_llvm.py
tests/python/unittest/test_target_codegen_cuda.py tests/python/codegen/test_target_codegen_cuda.py
tests/python/unittest/test_target_codegen_device.py tests/python/codegen/test_target_codegen_device.py
tests/python/unittest/test_target_codegen_extern.py tests/python/codegen/test_target_codegen_extern.py
tests/python/unittest/test_target_codegen_hexagon.py tests/python/codegen/test_target_codegen_hexagon.py
tests/python/unittest/test_target_codegen_llvm.py tests/python/codegen/test_target_codegen_llvm.py
tests/python/unittest/test_target_codegen_metal.py tests/python/codegen/test_target_codegen_metal.py
tests/python/unittest/test_target_codegen_opencl.py tests/python/codegen/test_target_codegen_opencl.py
tests/python/unittest/test_target_codegen_rocm.py tests/python/codegen/test_target_codegen_rocm.py
tests/python/unittest/test_target_codegen_static_init.py tests/python/codegen/test_target_codegen_static_init.py
tests/python/unittest/test_target_codegen_vm_basic.py tests/python/codegen/test_target_codegen_vm_basic.py
tests/python/unittest/test_target_codegen_vulkan.py tests/python/codegen/test_target_codegen_vulkan.py
tests/python/unittest/test_target_codegen_x86.py tests/python/codegen/test_target_codegen_x86.py
tests/python/unittest/test_target_texture_codegen_opencl.py tests/python/codegen/test_target_texture_codegen_opencl.py
tests/python/unittest/test_container_structural_equal.py tests/python/ir/test_container_structural_equal.py
tests/python/unittest/test_datatype_nv_fp8.py tests/python/ir/test_datatype_nv_fp8.py
tests/python/unittest/test_ir_attrs.py tests/python/ir/test_ir_attrs.py
tests/python/unittest/test_ir_container.py tests/python/ir/test_ir_container.py
tests/python/unittest/test_ir_type.py tests/python/ir/test_ir_type.py
tests/python/unittest/test_node_reflection.py tests/python/ir/test_node_reflection.py
tests/python/unittest/test_object_path.py tests/python/ir/test_object_path.py
tests/python/unittest/test_roofline.py tests/python/ir/test_roofline.py
tests/python/unittest/test_meta_schedule_arg_info.py tests/python/meta_schedule/test_meta_schedule_arg_info.py
tests/python/unittest/test_meta_schedule_builder.py tests/python/meta_schedule/test_meta_schedule_builder.py
tests/python/unittest/test_meta_schedule_byoc_tensorrt.py tests/python/meta_schedule/test_meta_schedule_byoc_tensorrt.py
tests/python/unittest/test_meta_schedule_cost_model.py tests/python/meta_schedule/test_meta_schedule_cost_model.py
tests/python/unittest/test_meta_schedule_cpu_dot_product.py tests/python/meta_schedule/test_meta_schedule_cpu_dot_product.py
tests/python/unittest/test_meta_schedule_database.py tests/python/meta_schedule/test_meta_schedule_database.py
tests/python/unittest/test_meta_schedule_feature_extractor.py tests/python/meta_schedule/test_meta_schedule_feature_extractor.py
tests/python/unittest/test_meta_schedule_feature_extractor_per_store_feature.py tests/python/meta_schedule/test_meta_schedule_feature_extractor_per_store_feature.py
tests/python/unittest/test_meta_schedule_measure_callback.py tests/python/meta_schedule/test_meta_schedule_measure_callback.py
tests/python/unittest/test_meta_schedule_mma_m16n8k8_auto_tensorization.py tests/python/meta_schedule/test_meta_schedule_mma_m16n8k8_auto_tensorization.py
tests/python/unittest/test_meta_schedule_multi_anchor.py tests/python/meta_schedule/test_meta_schedule_multi_anchor.py
tests/python/unittest/test_meta_schedule_mutator_mutate_compute_location.py tests/python/meta_schedule/test_meta_schedule_mutator_mutate_compute_location.py
tests/python/unittest/test_meta_schedule_mutator_mutate_parallel.py tests/python/meta_schedule/test_meta_schedule_mutator_mutate_parallel.py
tests/python/unittest/test_meta_schedule_mutator_mutate_thread_binding.py tests/python/meta_schedule/test_meta_schedule_mutator_mutate_thread_binding.py
tests/python/unittest/test_meta_schedule_mutator_mutate_tile_size.py tests/python/meta_schedule/test_meta_schedule_mutator_mutate_tile_size.py
tests/python/unittest/test_meta_schedule_mutator_mutate_unroll.py tests/python/meta_schedule/test_meta_schedule_mutator_mutate_unroll.py
tests/python/unittest/test_meta_schedule_post_order_apply.py tests/python/meta_schedule/test_meta_schedule_post_order_apply.py
tests/python/unittest/test_meta_schedule_postproc_disallow_async_strided_mem_copy.py tests/python/meta_schedule/test_meta_schedule_postproc_disallow_async_strided_mem_copy.py
tests/python/unittest/test_meta_schedule_postproc_disallow_dynamic_loop.py tests/python/meta_schedule/test_meta_schedule_postproc_disallow_dynamic_loop.py
tests/python/unittest/test_meta_schedule_postproc_rewrite_cooperative_fetch.py tests/python/meta_schedule/test_meta_schedule_postproc_rewrite_cooperative_fetch.py
tests/python/unittest/test_meta_schedule_postproc_rewrite_layout.py tests/python/meta_schedule/test_meta_schedule_postproc_rewrite_layout.py
tests/python/unittest/test_meta_schedule_postproc_rewrite_parallel_vectorize_unroll.py tests/python/meta_schedule/test_meta_schedule_postproc_rewrite_parallel_vectorize_unroll.py
tests/python/unittest/test_meta_schedule_postproc_rewrite_reduction_block.py tests/python/meta_schedule/test_meta_schedule_postproc_rewrite_reduction_block.py
tests/python/unittest/test_meta_schedule_postproc_rewrite_tensorize.py tests/python/meta_schedule/test_meta_schedule_postproc_rewrite_tensorize.py
tests/python/unittest/test_meta_schedule_postproc_rewrite_unbound_block.py tests/python/meta_schedule/test_meta_schedule_postproc_rewrite_unbound_block.py
tests/python/unittest/test_meta_schedule_postproc_verify_gpu_code.py tests/python/meta_schedule/test_meta_schedule_postproc_verify_gpu_code.py
tests/python/unittest/test_meta_schedule_postproc_verify_vtcm_limit.py tests/python/meta_schedule/test_meta_schedule_postproc_verify_vtcm_limit.py
tests/python/unittest/test_meta_schedule_profiler.py tests/python/meta_schedule/test_meta_schedule_profiler.py
tests/python/unittest/test_meta_schedule_relay_integration.py tests/python/meta_schedule/test_meta_schedule_relay_integration.py
tests/python/unittest/test_meta_schedule_relay_tir_compute.py tests/python/meta_schedule/test_meta_schedule_relay_tir_compute.py
tests/python/unittest/test_meta_schedule_runner.py tests/python/meta_schedule/test_meta_schedule_runner.py
tests/python/unittest/test_meta_schedule_schedule_cuda_layout_transform.py tests/python/meta_schedule/test_meta_schedule_schedule_cuda_layout_transform.py
tests/python/unittest/test_meta_schedule_schedule_rule_add_rfactor.py tests/python/meta_schedule/test_meta_schedule_schedule_rule_add_rfactor.py
tests/python/unittest/test_meta_schedule_schedule_rule_apply_custom_rule.py tests/python/meta_schedule/test_meta_schedule_schedule_rule_apply_custom_rule.py
tests/python/unittest/test_meta_schedule_schedule_rule_auto_bind.py tests/python/meta_schedule/test_meta_schedule_schedule_rule_auto_bind.py
tests/python/unittest/test_meta_schedule_schedule_rule_auto_inline.py tests/python/meta_schedule/test_meta_schedule_schedule_rule_auto_inline.py
tests/python/unittest/test_meta_schedule_schedule_rule_cross_thread_reduction.py tests/python/meta_schedule/test_meta_schedule_schedule_rule_cross_thread_reduction.py
tests/python/unittest/test_meta_schedule_schedule_rule_mlt.py tests/python/meta_schedule/test_meta_schedule_schedule_rule_mlt.py
tests/python/unittest/test_meta_schedule_schedule_rule_mlt_intrin.py tests/python/meta_schedule/test_meta_schedule_schedule_rule_mlt_intrin.py
tests/python/unittest/test_meta_schedule_schedule_rule_mlt_tc.py tests/python/meta_schedule/test_meta_schedule_schedule_rule_mlt_tc.py
tests/python/unittest/test_meta_schedule_schedule_rule_parallel_vectorize_unroll.py tests/python/meta_schedule/test_meta_schedule_schedule_rule_parallel_vectorize_unroll.py
tests/python/unittest/test_meta_schedule_schedule_rule_random_compute_location.py tests/python/meta_schedule/test_meta_schedule_schedule_rule_random_compute_location.py
tests/python/unittest/test_meta_schedule_search_strategy.py tests/python/meta_schedule/test_meta_schedule_search_strategy.py
tests/python/unittest/test_meta_schedule_space_cpu.py tests/python/meta_schedule/test_meta_schedule_space_cpu.py
tests/python/unittest/test_meta_schedule_space_cpu_winograd.py tests/python/meta_schedule/test_meta_schedule_space_cpu_winograd.py
tests/python/unittest/test_meta_schedule_space_cuda.py tests/python/meta_schedule/test_meta_schedule_space_cuda.py
tests/python/unittest/test_meta_schedule_space_cuda_async.py tests/python/meta_schedule/test_meta_schedule_space_cuda_async.py
tests/python/unittest/test_meta_schedule_space_cuda_async_multiple_initialization.py tests/python/meta_schedule/test_meta_schedule_space_cuda_async_multiple_initialization.py
tests/python/unittest/test_meta_schedule_space_cuda_winograd.py tests/python/meta_schedule/test_meta_schedule_space_cuda_winograd.py
tests/python/unittest/test_meta_schedule_space_generator.py tests/python/meta_schedule/test_meta_schedule_space_generator.py
tests/python/unittest/test_meta_schedule_task_scheduler.py tests/python/meta_schedule/test_meta_schedule_task_scheduler.py
tests/python/unittest/test_meta_schedule_trace_apply.py tests/python/meta_schedule/test_meta_schedule_trace_apply.py
tests/python/unittest/test_meta_schedule_tune_context.py tests/python/meta_schedule/test_meta_schedule_tune_context.py
tests/python/unittest/test_meta_schedule_tune_tir.py tests/python/meta_schedule/test_meta_schedule_tune_tir.py
tests/python/unittest/test_aot_legalize_packed_call.py tests/python/micro/test_aot_legalize_packed_call.py
tests/python/unittest/test_crt.py tests/python/micro/test_crt.py
tests/python/unittest/test_micro_model_library_format.py tests/python/micro/test_micro_model_library_format.py
tests/python/unittest/test_micro_ms_tuning.py tests/python/micro/test_micro_ms_tuning.py
tests/python/unittest/test_micro_project_api.py tests/python/micro/test_micro_project_api.py
tests/python/unittest/test_micro_transport.py tests/python/micro/test_micro_transport.py
tests/python/unittest/test_custom_datatypes.py tests/python/relay/test_custom_datatypes.py
tests/python/unittest/test_link_params.py tests/python/relay/test_link_params.py
tests/python/unittest/test_div_to_mul.py tests/python/relay/test_pass_div_to_mul.py
tests/python/unittest/test_set_input_zero_copy.py tests/python/relay/test_set_input_zero_copy.py
tests/python/unittest/test_evaluator_with_preproc.py tests/python/runtime/test_evaluator_with_preproc.py
tests/python/unittest/test_roundtrip_runtime_module.py tests/python/runtime/test_roundtrip_runtime_module.py
tests/python/unittest/test_rpc_base.py tests/python/runtime/test_rpc_base.py
tests/python/unittest/test_runtime_container.py tests/python/runtime/test_runtime_container.py
tests/python/unittest/test_runtime_dlpack.py tests/python/runtime/test_runtime_dlpack.py
tests/python/unittest/test_runtime_error.py tests/python/runtime/test_runtime_error.py
tests/python/unittest/test_runtime_extension.py tests/python/runtime/test_runtime_extension.py
tests/python/unittest/test_runtime_graph.py tests/python/runtime/test_runtime_graph.py
tests/python/unittest/test_runtime_graph_cuda_graph.py tests/python/runtime/test_runtime_graph_cuda_graph.py
tests/python/unittest/test_runtime_graph_debug.py tests/python/runtime/test_runtime_graph_debug.py
tests/python/unittest/test_runtime_heterogeneous.py tests/python/runtime/test_runtime_heterogeneous.py
tests/python/unittest/test_runtime_measure.py tests/python/runtime/test_runtime_measure.py
tests/python/unittest/test_runtime_module_based_interface.py tests/python/runtime/test_runtime_module_based_interface.py
tests/python/unittest/test_runtime_module_export.py tests/python/runtime/test_runtime_module_export.py
tests/python/unittest/test_runtime_module_load.py tests/python/runtime/test_runtime_module_load.py
tests/python/unittest/test_runtime_module_property.py tests/python/runtime/test_runtime_module_property.py
tests/python/unittest/test_runtime_profiling.py tests/python/runtime/test_runtime_profiling.py
tests/python/unittest/test_runtime_rpc.py tests/python/runtime/test_runtime_rpc.py
tests/python/unittest/test_runtime_trace.py tests/python/runtime/test_runtime_trace.py
tests/python/unittest/test_runtime_vm_profiler.py tests/python/runtime/test_runtime_vm_profiler.py
tests/python/unittest/test_device.py tests/python/target/test_device.py
tests/python/unittest/test_target_parser_mprofile.py tests/python/target/test_target_parser_mprofile.py
tests/python/unittest/test_target_target.py tests/python/target/test_target_target.py
tests/python/unittest/test_te_autodiff.py tests/python/te/test_te_autodiff.py
tests/python/unittest/test_te_build_lower.py tests/python/te/test_te_build_lower.py
tests/python/unittest/test_te_create_primfunc.py tests/python/te/test_te_create_primfunc.py
tests/python/unittest/test_te_group.py tests/python/te/test_te_group.py
tests/python/unittest/test_te_hybrid_script.py tests/python/te/test_te_hybrid_script.py
tests/python/unittest/test_te_schedule.py tests/python/te/test_te_schedule.py
tests/python/unittest/test_te_schedule_bound_inference.py tests/python/te/test_te_schedule_bound_inference.py
tests/python/unittest/test_te_schedule_bound_inference_tiling.py tests/python/te/test_te_schedule_bound_inference_tiling.py
tests/python/unittest/test_te_schedule_graph.py tests/python/te/test_te_schedule_graph.py
tests/python/unittest/test_te_schedule_lstm.py tests/python/te/test_te_schedule_lstm.py
tests/python/unittest/test_te_schedule_ops.py tests/python/te/test_te_schedule_ops.py
tests/python/unittest/test_te_schedule_postproc_rewrite_for_tensor_core.py tests/python/te/test_te_schedule_postproc_rewrite_for_tensor_core.py
tests/python/unittest/test_te_schedule_tensor_core.py tests/python/te/test_te_schedule_tensor_core.py
tests/python/unittest/test_te_schedule_tensorize.py tests/python/te/test_te_schedule_tensorize.py
tests/python/unittest/test_te_tag.py tests/python/te/test_te_tag.py
tests/python/unittest/test_te_tensor.py tests/python/te/test_te_tensor.py
tests/python/unittest/test_te_tensor_overload.py tests/python/te/test_te_tensor_overload.py
tests/python/unittest/test_te_transform_layout.py tests/python/te/test_te_transform_layout.py
tests/python/unittest/test_te_verify_compute.py tests/python/te/test_te_verify_compute.py
tests/python/unittest/test_filter_untracked.py tests/python/testing/test_filter_untracked.py
tests/python/unittest/test_format_si_prefix.py tests/python/testing/test_format_si_prefix.py
tests/python/unittest/test_gen_requirements.py tests/python/testing/test_gen_requirements.py
tests/python/unittest/test_testing.py tests/python/testing/test_testing.py
tests/python/unittest/test_tvm_testing_before_after.py tests/python/testing/test_tvm_testing_before_after.py
tests/python/unittest/test_tvm_testing_features.py tests/python/testing/test_tvm_testing_features.py
tests/python/unittest/test_type_annotation_checker.py tests/python/testing/test_type_annotation_checker.py
tests/python/unittest/test_tir_analysis_calculate_allocated_memory.py tests/python/tir/analysis/test_tir_analysis_calculate_allocated_memory.py
tests/python/unittest/test_tir_analysis_calculate_workspace.py tests/python/tir/analysis/test_tir_analysis_calculate_workspace.py
tests/python/unittest/test_tir_analysis_detect_buffer_access_lca.py tests/python/tir/analysis/test_tir_analysis_detect_buffer_access_lca.py
tests/python/tir/analysis/test_device_constraint_utils.py tests/python/tir/analysis/test_tir_analysis_device_constraint_utils.py
tests/python/unittest/test_tir_analysis_estimate_tir_flops.py tests/python/tir/analysis/test_tir_analysis_estimate_tir_flops.py
tests/python/unittest/test_tir_analysis_expr_deep_equal.py tests/python/tir/analysis/test_tir_analysis_expr_deep_equal.py
tests/python/unittest/test_tir_analysis_get_block_access_region.py tests/python/tir/analysis/test_tir_analysis_get_block_access_region.py
tests/python/unittest/test_tir_analysis_identify_memcpy.py tests/python/tir/analysis/test_tir_analysis_identify_memcpy.py
tests/python/unittest/test_tir_analysis_oob.py tests/python/tir/analysis/test_tir_analysis_oob.py
tests/python/unittest/test_tir_analysis_stmt_finding.py tests/python/tir/analysis/test_tir_analysis_stmt_finding.py
tests/python/unittest/test_tir_analysis_usedef.py tests/python/tir/analysis/test_tir_analysis_usedef.py
tests/python/unittest/test_tir_analysis_verify_gpu_code.py tests/python/tir/analysis/test_tir_analysis_verify_gpu_code.py
tests/python/unittest/test_tir_analysis_verify_memory.py tests/python/tir/analysis/test_tir_analysis_verify_memory.py
tests/python/unittest/test_tir_analysis_verify_ssa.py tests/python/tir/analysis/test_tir_analysis_verify_ssa.py
tests/python/unittest/test_tir_analysis_verify_well_formed.py tests/python/tir/analysis/test_tir_analysis_verify_well_formed.py
tests/python/unittest/test_tir_schedule_analysis.py tests/python/tir/schedule/test_tir_schedule_analysis.py
tests/python/unittest/test_tir_schedule_block_scope.py tests/python/tir/schedule/test_tir_schedule_block_scope.py
tests/python/unittest/test_tir_schedule_blockize.py tests/python/tir/schedule/test_tir_schedule_blockize.py
tests/python/unittest/test_tir_schedule_cache_index.py tests/python/tir/schedule/test_tir_schedule_cache_index.py
tests/python/unittest/test_tir_schedule_cache_read_write.py tests/python/tir/schedule/test_tir_schedule_cache_read_write.py
tests/python/unittest/test_tir_schedule_compute_at.py tests/python/tir/schedule/test_tir_schedule_compute_at.py
tests/python/unittest/test_tir_schedule_compute_inline.py tests/python/tir/schedule/test_tir_schedule_compute_inline.py
tests/python/unittest/test_tir_schedule_decompose_padding.py tests/python/tir/schedule/test_tir_schedule_decompose_padding.py
tests/python/unittest/test_tir_schedule_error.py tests/python/tir/schedule/test_tir_schedule_error.py
tests/python/unittest/test_tir_schedule_for_kind.py tests/python/tir/schedule/test_tir_schedule_for_kind.py
tests/python/unittest/test_tir_schedule_instruction.py tests/python/tir/schedule/test_tir_schedule_instruction.py
tests/python/unittest/test_tir_schedule_merge.py tests/python/tir/schedule/test_tir_schedule_merge.py
tests/python/unittest/test_tir_schedule_pad_einsum.py tests/python/tir/schedule/test_tir_schedule_pad_einsum.py
tests/python/unittest/test_tir_schedule_read_write_at.py tests/python/tir/schedule/test_tir_schedule_read_write_at.py
tests/python/unittest/test_tir_schedule_reduction.py tests/python/tir/schedule/test_tir_schedule_reduction.py
tests/python/unittest/test_tir_schedule_reindex.py tests/python/tir/schedule/test_tir_schedule_reindex.py
tests/python/unittest/test_tir_schedule_reorder.py tests/python/tir/schedule/test_tir_schedule_reorder.py
tests/python/unittest/test_tir_reorder_block_iter_var.py tests/python/tir/schedule/test_tir_schedule_reorder_block_iter_var.py
tests/python/unittest/test_tir_schedule_rfactor.py tests/python/tir/schedule/test_tir_schedule_rfactor.py
tests/python/unittest/test_tir_schedule_rolling_buffer.py tests/python/tir/schedule/test_tir_schedule_rolling_buffer.py
tests/python/unittest/test_tir_schedule_sampling.py tests/python/tir/schedule/test_tir_schedule_sampling.py
tests/python/unittest/test_tir_schedule_set_axis_separator.py tests/python/tir/schedule/test_tir_schedule_set_axis_separator.py
tests/python/unittest/test_tir_schedule_set_dtype.py tests/python/tir/schedule/test_tir_schedule_set_dtype.py
tests/python/unittest/test_tir_schedule_set_scope.py tests/python/tir/schedule/test_tir_schedule_set_scope.py
tests/python/unittest/test_tir_schedule_split_fuse.py tests/python/tir/schedule/test_tir_schedule_split_fuse.py
tests/python/unittest/test_tir_schedule_state.py tests/python/tir/schedule/test_tir_schedule_state.py
tests/python/unittest/test_tir_schedule_state_cached_flags.py tests/python/tir/schedule/test_tir_schedule_state_cached_flags.py
tests/python/unittest/test_tir_schedule_storage_align.py tests/python/tir/schedule/test_tir_schedule_storage_align.py
tests/python/unittest/test_tir_schedule_tensorize.py tests/python/tir/schedule/test_tir_schedule_tensorize.py
tests/python/unittest/test_tir_schedule_tensorize_ldmatrix_mma_numeric.py tests/python/tir/schedule/test_tir_schedule_tensorize_ldmatrix_mma_numeric.py
tests/python/unittest/test_tir_schedule_tensorize_mfma_numeric.py tests/python/tir/schedule/test_tir_schedule_tensorize_mfma_numeric.py
tests/python/unittest/test_tir_schedule_trace.py tests/python/tir/schedule/test_tir_schedule_trace.py
tests/python/unittest/test_tir_schedule_transform.py tests/python/tir/schedule/test_tir_schedule_transform.py
tests/python/unittest/test_tir_schedule_transform_layout.py tests/python/tir/schedule/test_tir_schedule_transform_layout.py
tests/python/unittest/test_tir_schedule_utilities.py tests/python/tir/schedule/test_tir_schedule_utilities.py
tests/python/unittest/test_lower_build.py tests/python/tir/test_lower_build.py
tests/python/unittest/test_slice_tir.py tests/python/tir/test_slice_tir.py
tests/python/unittest/test_tir_base.py tests/python/tir/test_tir_base.py
tests/python/unittest/test_tir_block_dependence_info.py tests/python/tir/test_tir_block_dependence_info.py
tests/python/unittest/test_tir_buffer.py tests/python/tir/test_tir_buffer.py
tests/python/unittest/test_tir_constructor.py tests/python/tir/test_tir_constructor.py
tests/python/unittest/test_tir_data_layout.py tests/python/tir/test_tir_data_layout.py
tests/python/unittest/test_tir_host_func.py tests/python/tir/test_tir_host_func.py
tests/python/unittest/test_tir_imm_values.py tests/python/tir/test_tir_imm_values.py
tests/python/unittest/test_tir_index_map.py tests/python/tir/test_tir_index_map.py
tests/python/unittest/test_tir_intrin.py tests/python/tir/test_tir_intrin.py
tests/python/unittest/test_tir_ir_builder.py tests/python/tir/test_tir_ir_builder.py
tests/python/unittest/test_tir_nodes.py tests/python/tir/test_tir_nodes.py
tests/python/unittest/test_tir_op_types.py tests/python/tir/test_tir_op_types.py
tests/python/unittest/test_tir_ops.py tests/python/tir/test_tir_ops.py
tests/python/unittest/test_tir_ptx_cp_async.py tests/python/tir/test_tir_ptx_cp_async.py
tests/python/unittest/test_tir_ptx_ldmatrix.py tests/python/tir/test_tir_ptx_ldmatrix.py
tests/python/unittest/test_tir_ptx_mma.py tests/python/tir/test_tir_ptx_mma.py
tests/python/unittest/test_tir_ptx_mma_sp.py tests/python/tir/test_tir_ptx_mma_sp.py
tests/python/unittest/test_tir_renew_defs.py tests/python/tir/test_tir_renew_defs.py
tests/python/unittest/test_tir_specialize.py tests/python/tir/test_tir_specialize.py
tests/python/unittest/test_tir_stmt_functor_ir_transform.py tests/python/tir/test_tir_stmt_functor_ir_transform.py
tests/python/unittest/test_tir_stmt_functor_substitute.py tests/python/tir/test_tir_stmt_functor_substitute.py
tests/python/unittest/test_tir_structural_equal_hash.py tests/python/tir/test_tir_structural_equal_hash.py
tests/python/unittest/test_tir_te_extern_primfunc.py tests/python/tir/test_tir_te_extern_primfunc.py
tests/python/unittest/test_tir_texture_scope.py tests/python/tir/test_tir_texture_scope.py
tests/python/unittest/test_tir_unsafe_hide_buffer_access.py tests/python/tir/test_tir_unsafe_hide_buffer_access.py
tests/python/unittest/test_tir_transform_annotate_device_regions.py tests/python/tir/transform/test_tir_transform_annotate_device_regions.py
tests/python/unittest/test_tir_transform_bf16_legalize.py tests/python/tir/transform/test_tir_transform_bf16_legalize.py
tests/python/unittest/test_tir_transform_combine_context_call.py tests/python/tir/transform/test_tir_transform_combine_context_call.py
tests/python/unittest/test_tir_transform_common_subexpr_elim.py tests/python/tir/transform/test_tir_transform_common_subexpr_elim.py
tests/python/unittest/test_tir_transform_compact_buffer_region.py tests/python/tir/transform/test_tir_transform_compact_buffer_region.py
tests/python/unittest/test_tir_transform_convert_blocks_to_opaque.py tests/python/tir/transform/test_tir_transform_convert_blocks_to_opaque.py
tests/python/unittest/test_tir_transform_convert_for_loops_serial.py tests/python/tir/transform/test_tir_transform_convert_for_loops_serial.py
tests/python/unittest/test_tir_transform_convert_ssa.py tests/python/tir/transform/test_tir_transform_convert_ssa.py
tests/python/unittest/test_tir_transform_coproc_sync.py tests/python/tir/transform/test_tir_transform_coproc_sync.py
tests/python/unittest/test_tir_transform_decorate_device_scope.py tests/python/tir/transform/test_tir_transform_decorate_device_scope.py
tests/python/unittest/test_tir_transform_device_kernel_launch.py tests/python/tir/transform/test_tir_transform_device_kernel_launch.py
tests/python/unittest/test_tir_transform_extract_constants.py tests/python/tir/transform/test_tir_transform_extract_constants.py
tests/python/unittest/test_tir_transform_flatten_buffer.py tests/python/tir/transform/test_tir_transform_flatten_buffer.py
tests/python/unittest/test_tir_transform_fp8_legalize.py tests/python/tir/transform/test_tir_transform_fp8_legalize.py
tests/python/unittest/test_tir_transform_helpers.py tests/python/tir/transform/test_tir_transform_helpers.py
tests/python/unittest/test_tir_transform_hoist_expression.py tests/python/tir/transform/test_tir_transform_hoist_expression.py
tests/python/unittest/test_tir_transform_hoist_if.py tests/python/tir/transform/test_tir_transform_hoist_if.py
tests/python/unittest/test_tir_transform_inject_copy_intrin.py tests/python/tir/transform/test_tir_transform_inject_copy_intrin.py
tests/python/unittest/test_tir_transform_inject_double_buffer.py tests/python/tir/transform/test_tir_transform_inject_double_buffer.py
tests/python/unittest/test_tir_transform_inject_permuted_layout.py tests/python/tir/transform/test_tir_transform_inject_permuted_layout.py
tests/python/unittest/test_tir_transform_inject_ptx_async_copy.py tests/python/tir/transform/test_tir_transform_inject_ptx_async_copy.py
tests/python/unittest/test_tir_transform_inject_rolling_buffer.py tests/python/tir/transform/test_tir_transform_inject_rolling_buffer.py
tests/python/unittest/test_tir_transform_inject_software_pipeline.py tests/python/tir/transform/test_tir_transform_inject_software_pipeline.py
tests/python/unittest/test_tir_transform_inject_virtual_thread.py tests/python/tir/transform/test_tir_transform_inject_virtual_thread.py
tests/python/unittest/test_tir_transform_instrument_bound_checkers.py tests/python/tir/transform/test_tir_transform_instrument_bound_checkers.py
tests/python/unittest/test_tir_transform_lift_attr_scope.py tests/python/tir/transform/test_tir_transform_lift_attr_scope.py
tests/python/unittest/test_tir_transform_lift_thread_binding.py tests/python/tir/transform/test_tir_transform_lift_thread_binding.py
tests/python/unittest/test_tir_transform_loop_partition.py tests/python/tir/transform/test_tir_transform_loop_partition.py
tests/python/unittest/test_tir_transform_lower_cross_thread_reduction.py tests/python/tir/transform/test_tir_transform_lower_cross_thread_reduction.py
tests/python/unittest/test_tir_transform_lower_device_storage_access_info.py tests/python/tir/transform/test_tir_transform_lower_device_storage_access_info.py
tests/python/unittest/test_tir_transform_lower_init_block.py tests/python/tir/transform/test_tir_transform_lower_init_block.py
tests/python/unittest/test_tir_transform_lower_intrin.py tests/python/tir/transform/test_tir_transform_lower_intrin.py
tests/python/unittest/test_tir_lower_match_buffer.py tests/python/tir/transform/test_tir_transform_lower_match_buffer.py
tests/python/unittest/test_tir_transform_lower_opaque_block.py tests/python/tir/transform/test_tir_transform_lower_opaque_block.py
tests/python/unittest/test_tir_transform_lower_thread_all_reduce.py tests/python/tir/transform/test_tir_transform_lower_thread_all_reduce.py
tests/python/unittest/test_tir_transform_lower_tvm_builtin.py tests/python/tir/transform/test_tir_transform_lower_tvm_builtin.py
tests/python/unittest/test_tir_transform_lower_warp_memory.py tests/python/tir/transform/test_tir_transform_lower_warp_memory.py
tests/python/unittest/test_tir_transform_make_packed_api.py tests/python/tir/transform/test_tir_transform_make_packed_api.py
tests/python/unittest/test_tir_transform_make_unpacked_api.py tests/python/tir/transform/test_tir_transform_make_unpacked_api.py
tests/python/unittest/test_tir_transform_manifest_shared_memory_local_stage.py tests/python/tir/transform/test_tir_transform_manifest_shared_memory_local_stage.py
tests/python/unittest/test_tir_transform_memhammer_lower_auto_copy.py tests/python/tir/transform/test_tir_transform_memhammer_lower_auto_copy.py
tests/python/unittest/test_tir_transform_merge_dynamic_shared_memory_allocations.py tests/python/tir/transform/test_tir_transform_merge_dynamic_shared_memory_allocations.py
tests/python/unittest/test_tir_transform_narrow_datatype.py tests/python/tir/transform/test_tir_transform_narrow_datatype.py
tests/python/unittest/test_tir_transform_plan_update_buffer_allocation_location.py tests/python/tir/transform/test_tir_transform_plan_update_buffer_allocation_location.py
tests/python/unittest/test_tir_transform_pointer_value_type_rewrite.py tests/python/tir/transform/test_tir_transform_pointer_value_type_rewrite.py
tests/python/unittest/test_tir_transform_prim_func_pass.py tests/python/tir/transform/test_tir_transform_prim_func_pass.py
tests/python/unittest/test_tir_transform_profiling_instr.py tests/python/tir/transform/test_tir_transform_profiling_instr.py
tests/python/unittest/test_tir_transform_reduce_branching_through_overcompute.py tests/python/tir/transform/test_tir_transform_reduce_branching_through_overcompute.py
tests/python/unittest/test_tir_transform_remove_assume.py tests/python/tir/transform/test_tir_transform_remove_assume.py
tests/python/unittest/test_tir_transform_remove_no_op.py tests/python/tir/transform/test_tir_transform_remove_no_op.py
tests/python/unittest/test_tir_transform_remove_undef.py tests/python/tir/transform/test_tir_transform_remove_undef.py
tests/python/unittest/test_tir_transform_remove_weight_layout_rewrite_block.py tests/python/tir/transform/test_tir_transform_remove_weight_layout_rewrite_block.py
tests/python/unittest/test_tir_transform_renormalize_split_pattern.py tests/python/tir/transform/test_tir_transform_renormalize_split_pattern.py
tests/python/unittest/test_tir_transform_rewrite_unsafe_select.py tests/python/tir/transform/test_tir_transform_rewrite_unsafe_select.py
tests/python/unittest/test_tir_transform_simplify.py tests/python/tir/transform/test_tir_transform_simplify.py
tests/python/unittest/test_tir_transform_split_host_device.py tests/python/tir/transform/test_tir_transform_split_host_device.py
tests/python/unittest/test_tir_transform_storage_flatten.py tests/python/tir/transform/test_tir_transform_storage_flatten.py
tests/python/unittest/test_tir_transform_storage_rewrite.py tests/python/tir/transform/test_tir_transform_storage_rewrite.py
tests/python/unittest/test_tir_transform_thread_sync.py tests/python/tir/transform/test_tir_transform_thread_sync.py
tests/python/unittest/test_tir_transform_unify_thread_binding.py tests/python/tir/transform/test_tir_transform_unify_thread_binding.py
tests/python/unittest/test_tir_transform_unroll_loop.py tests/python/tir/transform/test_tir_transform_unroll_loop.py
tests/python/unittest/test_tir_transform_vectorize.py tests/python/tir/transform/test_tir_transform_vectorize.py
tests/python/topi/python/common.py tests/python/topi/common.py
tests/python/topi/python/test_fifo_buffer.py tests/python/topi/test_fifo_buffer.py
tests/python/topi/python/test_topi_argwhere.py tests/python/topi/test_topi_argwhere.py
tests/python/topi/python/test_topi_basic.py tests/python/topi/test_topi_basic.py
tests/python/topi/python/test_topi_batch_matmul.py tests/python/topi/test_topi_batch_matmul.py
tests/python/topi/python/test_topi_batch_matmul_tensorcore.py tests/python/topi/test_topi_batch_matmul_tensorcore.py
tests/python/topi/python/test_topi_batch_norm.py tests/python/topi/test_topi_batch_norm.py
tests/python/topi/python/test_topi_batch_to_space_nd.py tests/python/topi/test_topi_batch_to_space_nd.py
tests/python/topi/python/test_topi_bitserial_conv2d.py tests/python/topi/test_topi_bitserial_conv2d.py
tests/python/topi/python/test_topi_bitserial_conv2d_rasp.py tests/python/topi/test_topi_bitserial_conv2d_rasp.py
tests/python/topi/python/test_topi_bitserial_dense.py tests/python/topi/test_topi_bitserial_dense.py
tests/python/topi/python/test_topi_bnn.py tests/python/topi/test_topi_bnn.py
tests/python/topi/python/test_topi_broadcast.py tests/python/topi/test_topi_broadcast.py
tests/python/topi/python/test_topi_clip.py tests/python/topi/test_topi_clip.py
tests/python/topi/python/test_topi_conv1d.py tests/python/topi/test_topi_conv1d.py
tests/python/topi/python/test_topi_conv1d_transpose_ncw.py tests/python/topi/test_topi_conv1d_transpose_ncw.py
tests/python/topi/python/test_topi_conv2d_NCHWc.py tests/python/topi/test_topi_conv2d_NCHWc.py
tests/python/topi/python/test_topi_conv2d_hwcn.py tests/python/topi/test_topi_conv2d_hwcn.py
tests/python/topi/python/test_topi_conv2d_hwnc_tensorcore.py tests/python/topi/test_topi_conv2d_hwnc_tensorcore.py
tests/python/topi/python/test_topi_conv2d_int8.py tests/python/topi/test_topi_conv2d_int8.py
tests/python/topi/python/test_topi_conv2d_nchw.py tests/python/topi/test_topi_conv2d_nchw.py
tests/python/topi/python/test_topi_conv2d_nhwc.py tests/python/topi/test_topi_conv2d_nhwc.py
tests/python/topi/python/test_topi_conv2d_nhwc_pack_int8.py tests/python/topi/test_topi_conv2d_nhwc_pack_int8.py
tests/python/topi/python/test_topi_conv2d_nhwc_tensorcore.py tests/python/topi/test_topi_conv2d_nhwc_tensorcore.py
tests/python/topi/python/test_topi_conv2d_nhwc_winograd.py tests/python/topi/test_topi_conv2d_nhwc_winograd.py
tests/python/topi/python/test_topi_conv2d_tensordot_opts.py tests/python/topi/test_topi_conv2d_tensordot_opts.py
tests/python/topi/python/test_topi_conv2d_transpose_nchw.py tests/python/topi/test_topi_conv2d_transpose_nchw.py
tests/python/topi/python/test_topi_conv2d_winograd.py tests/python/topi/test_topi_conv2d_winograd.py
tests/python/topi/python/test_topi_conv3d_ncdhw.py tests/python/topi/test_topi_conv3d_ncdhw.py
tests/python/topi/python/test_topi_conv3d_ndhwc.py tests/python/topi/test_topi_conv3d_ndhwc.py
tests/python/topi/python/test_topi_conv3d_ndhwc_tensorcore.py tests/python/topi/test_topi_conv3d_ndhwc_tensorcore.py
tests/python/topi/python/test_topi_conv3d_transpose_ncdhw.py tests/python/topi/test_topi_conv3d_transpose_ncdhw.py
tests/python/topi/python/test_topi_conv3d_winograd.py tests/python/topi/test_topi_conv3d_winograd.py
tests/python/topi/python/test_topi_correlation.py tests/python/topi/test_topi_correlation.py
tests/python/topi/python/test_topi_deformable_conv2d.py tests/python/topi/test_topi_deformable_conv2d.py
tests/python/topi/python/test_topi_dense.py tests/python/topi/test_topi_dense.py
tests/python/topi/python/test_topi_dense_tensorcore.py tests/python/topi/test_topi_dense_tensorcore.py
tests/python/topi/python/test_topi_depth_to_space.py tests/python/topi/test_topi_depth_to_space.py
tests/python/topi/python/test_topi_depthwise_conv2d.py tests/python/topi/test_topi_depthwise_conv2d.py
tests/python/topi/python/test_topi_depthwise_conv2d_back_input.py tests/python/topi/test_topi_depthwise_conv2d_back_input.py
tests/python/topi/python/test_topi_depthwise_conv2d_back_weight.py tests/python/topi/test_topi_depthwise_conv2d_back_weight.py
tests/python/topi/python/test_topi_dft.py tests/python/topi/test_topi_dft.py
tests/python/topi/python/test_topi_dilate.py tests/python/topi/test_topi_dilate.py
tests/python/topi/python/test_topi_einsum.py tests/python/topi/test_topi_einsum.py
tests/python/topi/python/test_topi_group_conv2d.py tests/python/topi/test_topi_group_conv2d.py
tests/python/topi/python/test_topi_group_conv2d_NCHWc_int8.py tests/python/topi/test_topi_group_conv2d_NCHWc_int8.py
tests/python/topi/python/test_topi_group_conv2d_transpose.py tests/python/topi/test_topi_group_conv2d_transpose.py
tests/python/topi/python/test_topi_group_norm.py tests/python/topi/test_topi_group_norm.py
tests/python/topi/python/test_topi_image.py tests/python/topi/test_topi_image.py
tests/python/topi/python/test_topi_instance_norm.py tests/python/topi/test_topi_instance_norm.py
tests/python/topi/python/test_topi_layer_norm.py tests/python/topi/test_topi_layer_norm.py
tests/python/topi/python/test_topi_loss.py tests/python/topi/test_topi_loss.py
tests/python/topi/python/test_topi_lrn.py tests/python/topi/test_topi_lrn.py
tests/python/topi/python/test_topi_lstm.py tests/python/topi/test_topi_lstm.py
tests/python/topi/python/test_topi_math.py tests/python/topi/test_topi_math.py
tests/python/topi/python/test_topi_matmul.py tests/python/topi/test_topi_matmul.py
tests/python/topi/python/test_topi_pooling.py tests/python/topi/test_topi_pooling.py
tests/python/topi/python/test_topi_prng.py tests/python/topi/test_topi_prng.py
tests/python/topi/python/test_topi_qnn.py tests/python/topi/test_topi_qnn.py
tests/python/topi/python/test_topi_reduce.py tests/python/topi/test_topi_reduce.py
tests/python/topi/python/test_topi_relu.py tests/python/topi/test_topi_relu.py
tests/python/topi/python/test_topi_reorg.py tests/python/topi/test_topi_reorg.py
tests/python/topi/python/test_topi_rms_norm.py tests/python/topi/test_topi_rms_norm.py
tests/python/topi/python/test_topi_scan.py tests/python/topi/test_topi_scan.py
tests/python/topi/python/test_topi_scatter.py tests/python/topi/test_topi_scatter.py
tests/python/topi/python/test_topi_searchsorted.py tests/python/topi/test_topi_searchsorted.py
tests/python/topi/python/test_topi_softmax.py tests/python/topi/test_topi_softmax.py
tests/python/topi/python/test_topi_sort.py tests/python/topi/test_topi_sort.py
tests/python/topi/python/test_topi_space_to_batch_nd.py tests/python/topi/test_topi_space_to_batch_nd.py
tests/python/topi/python/test_topi_space_to_depth.py tests/python/topi/test_topi_space_to_depth.py
tests/python/topi/python/test_topi_sparse.py tests/python/topi/test_topi_sparse.py
tests/python/topi/python/test_topi_tensor.py tests/python/topi/test_topi_tensor.py
tests/python/topi/python/test_topi_transform.py tests/python/topi/test_topi_transform.py
tests/python/topi/python/test_topi_unique.py tests/python/topi/test_topi_unique.py
tests/python/topi/python/test_topi_upsampling.py tests/python/topi/test_topi_upsampling.py
tests/python/topi/python/test_topi_util.py tests/python/topi/test_topi_util.py
tests/python/topi/python/test_topi_vision.py tests/python/topi/test_topi_vision.py
tests/python/unittest/test_tvmscript_complete.py tests/python/tvmscript/test_tvmscript_complete.py
tests/python/unittest/test_tvmscript_error_report.py tests/python/tvmscript/test_tvmscript_error_report.py
tests/python/unittest/test_tvmscript_ir_builder_base.py tests/python/tvmscript/test_tvmscript_ir_builder_base.py
tests/python/unittest/test_tvmscript_ir_builder_irmodule.py tests/python/tvmscript/test_tvmscript_ir_builder_irmodule.py
tests/python/unittest/test_tvmscript_ir_builder_tir.py tests/python/tvmscript/test_tvmscript_ir_builder_tir.py
tests/python/unittest/test_tvmscript_meta_programming.py tests/python/tvmscript/test_tvmscript_meta_programming.py
tests/python/unittest/test_tvmscript_ops.py tests/python/tvmscript/test_tvmscript_ops.py
tests/python/unittest/test_tvmscript_parser_evaluator.py tests/python/tvmscript/test_tvmscript_parser_evaluator.py
tests/python/unittest/test_tvmscript_parser_ir.py tests/python/tvmscript/test_tvmscript_parser_ir.py
tests/python/unittest/test_tvmscript_parser_source.py tests/python/tvmscript/test_tvmscript_parser_source.py
tests/python/unittest/test_tvmscript_parser_tir.py tests/python/tvmscript/test_tvmscript_parser_tir.py
tests/python/unittest/test_tvmscript_printer_annotation.py tests/python/tvmscript/test_tvmscript_printer_annotation.py
tests/python/unittest/test_tvmscript_printer_doc.py tests/python/tvmscript/test_tvmscript_printer_doc.py
tests/python/unittest/test_tvmscript_printer_highlight.py tests/python/tvmscript/test_tvmscript_printer_highlight.py
tests/python/unittest/test_tvmscript_printer_ir.py tests/python/tvmscript/test_tvmscript_printer_ir.py
tests/python/unittest/test_tvmscript_printer_metadata.py tests/python/tvmscript/test_tvmscript_printer_metadata.py
tests/python/unittest/test_tvmscript_printer_python_doc_printer.py tests/python/tvmscript/test_tvmscript_printer_python_doc_printer.py
tests/python/unittest/test_tvmscript_printer_structural_equal.py tests/python/tvmscript/test_tvmscript_printer_structural_equal.py
tests/python/unittest/test_tvmscript_printer_tir.py tests/python/tvmscript/test_tvmscript_printer_tir.py
tests/python/unittest/test_tvmscript_printer_underlining.py tests/python/tvmscript/test_tvmscript_printer_underlining.py
tests/python/unittest/test_tvmscript_regression.py tests/python/tvmscript/test_tvmscript_regression.py
tests/python/unittest/test_tvmscript_roundtrip.py tests/python/tvmscript/test_tvmscript_roundtrip.py
tests/python/unittest/test_tvmscript_syntax_sugar.py tests/python/tvmscript/test_tvmscript_syntax_sugar.py
tests/python/unittest/test_tvmscript_type.py tests/python/tvmscript/test_tvmscript_type.py
tests/python/unittest/test_tir_usmp_algo.py tests/python/usmp/test_tir_usmp_algo.py
tests/python/unittest/test_tir_usmp_algo_hill_climb.py tests/python/usmp/test_tir_usmp_algo_hill_climb.py
tests/python/unittest/test_tir_usmp_analysis_extract_bufferinfo.py tests/python/usmp/test_tir_usmp_analysis_extract_bufferinfo.py
tests/python/unittest/test_tir_usmp_transform_convert_pool_allocations_to_offsets.py tests/python/usmp/test_tir_usmp_transform_convert_pool_allocations_to_offsets.py
tests/python/unittest/test_tir_usmp_transform_create_io_allocates.py tests/python/usmp/test_tir_usmp_transform_create_io_allocates.py
tests/python/unittest/test_tir_usmp_utils.py tests/python/usmp/test_tir_usmp_utils.py

cc @Mousius @areusch @leandron

leandron commented 10 months ago

Thanks for cc'ing me @Hzfengsy, and for taking on the work of organising these directories.

cc @Liam-Sturge

tqchen commented 10 months ago

cc @apache/tvm-committers

zxybazh commented 10 months ago

Thanks @Hzfengsy, the current organization of the unittests looks great!