pytorch/test/inductor
clr d80ae738c9 compile_worker: Make a timer class (#166465)
This subclass allows us to trigger an action after we haven't seen any activity
for a certain amount of seconds.

Pull Request resolved: https://github.com/pytorch/pytorch/pull/166465
Approved by: https://github.com/masnesral
2025-10-31 22:39:31 +00:00
..
cpp Fix some CMake issues (#153686) 2025-05-19 00:31:34 +00:00
extension_backends [BE][PYFMT] migrate PYFMT for test/inductor/ to ruff format (#148186) 2025-06-24 11:12:11 +00:00
__init__.py
CMakeLists.txt
custom_inductor_config.py [inductor] Allow backends to register their own custom config object (#158254) 2025-07-23 15:56:06 +00:00
custom_ops.cpp integrate kernacle into inductor (#160121) 2025-08-08 02:14:44 +00:00
indirect_assert_helper.py [Inductor][WIndows] Fix Windows test case failure. (#161497) 2025-08-28 12:40:42 +00:00
minifier_smoke.py
opinfo_harness.py
s429861_repro.py [BE] format test/inductor/s429861_repro.py (#148554) 2025-03-21 20:39:28 +00:00
test_alignment.py [inductor] handle offset in ReinterpretView for alignment (#151859) 2025-04-23 01:50:49 +00:00
test_analysis.py Revert "Improve device info with new flops and bandwidth formula based on hardware libraries (#162245)" 2025-09-19 20:09:12 +00:00
test_aot_inductor_arrayref.py [export] Fix custom ops in subgraphs (#160004) 2025-08-18 15:42:19 +00:00
test_aot_inductor_custom_ops.py [xpu][test] Enable more UTs for Intel GPU. (#166047) 2025-10-29 06:25:36 +00:00
test_aot_inductor_package.py [xpu][test] Enable more UTs for Intel GPU. (#166047) 2025-10-29 06:25:36 +00:00
test_aot_inductor_utils.py Migrating some more callsites (#163580) 2025-10-19 15:52:17 +00:00
test_aot_inductor.py [4/N] Remove unused loop variables in tests (#166690) 2025-10-31 10:20:48 +00:00
test_aoti_cross_compile_windows.py Remove AOTI cross compilation time from internal CI (#165935) 2025-10-21 16:58:28 +00:00
test_async_compile.py [ROCm][inductor] heuristic improvements for reduction kernels (#161280) 2025-10-21 07:48:54 +00:00
test_augmented_graph_helper.py helper function for replacing nodes in aug graph (#166309) 2025-10-29 23:08:33 +00:00
test_auto_functionalize.py [Dynamo] Fix arg ordering in tf modes (#159707) 2025-08-05 01:43:21 +00:00
test_autoheuristic.py Revert "Fix skipIfXpu and skipIfHpu disables tests when used on class (#151315)" 2025-05-14 13:15:03 +00:00
test_b2b_gemm.py Enable all SIM rules except disabled ones (#164645) 2025-10-17 07:27:11 +00:00
test_benchmark_fusion.py [xpu][test] Enable more UTs for Intel GPU. (#166047) 2025-10-29 06:25:36 +00:00
test_benchmarking.py
test_best_config.py [xpu][test] Enable more UTs for Intel GPU. (#166047) 2025-10-29 06:25:36 +00:00
test_binary_folding.py Enable ruff rule E721 (#165162) 2025-10-13 01:48:55 +00:00
test_block_analysis.py [inductor][triton] Block ptr analysis fix assert on matched index expression (#148446) 2025-03-10 05:26:55 +00:00
test_cache.py Enable ruff rule E721 (#165162) 2025-10-13 01:48:55 +00:00
test_caching.py intfs + unit tests (#164723) 2025-10-29 02:32:19 +00:00
test_ck_backend.py [ROCm][Inductor][CK backend] Install rocm-composable-kernel python package on ROCm Linux CI docker images (#162288) 2025-09-10 19:33:40 +00:00
test_codecache.py [xpu][test] Enable more UTs for Intel GPU. (#166047) 2025-10-29 06:25:36 +00:00
test_codegen_triton.py
test_combo_kernels.py [Inductor] Fix ComboKernels failing due to missing helper functions (#162759) 2025-09-12 20:01:06 +00:00
test_compile_subprocess.py [4/N] Remove unused loop variables in tests (#166690) 2025-10-31 10:20:48 +00:00
test_compile_worker.py compile_worker: Make a timer class (#166465) 2025-10-31 22:39:31 +00:00
test_compile.py [inductor] add _get_inductor_debug_symbol_cflags for debug symbol control. (#159938) 2025-08-06 19:31:45 +00:00
test_compiled_autograd.py [4/N] Remove unused loop variables in tests (#166690) 2025-10-31 10:20:48 +00:00
test_compiled_optimizers.py [xpu][test] Enable more UTs for Intel GPU. (#166047) 2025-10-29 06:25:36 +00:00
test_config.py Use torch.testing.test_close instead of torch.testing.test_allclose (#164539) 2025-10-03 14:39:10 +00:00
test_control_deps.py Add hop for additional control dependencies (#164568) 2025-10-06 15:47:55 +00:00
test_control_flow.py [scan] materialize combine_fn in forward add more autograd tests (#161732) 2025-09-27 18:13:15 +00:00
test_cooperative_reductions.py [xpu][test] Enable more UTs for Intel GPU. (#166047) 2025-10-29 06:25:36 +00:00
test_coordinate_descent_tuner.py
test_cpp_wrapper_hipify.py [AOTI] Embed cubin files into .so (#150739) 2025-05-19 01:11:46 +00:00
test_cpu_cpp_wrapper.py [cpp_wrapper] Swap to new PyBind11 simple GIL header (#161063) 2025-08-27 21:15:01 +00:00
test_cpu_repro.py [Inductor] support masked vectorization for the tail_loop for fp8 datatype (#163324) 2025-10-31 02:53:56 +00:00
test_cpu_select_algorithm.py [Inductor][CPP] Fix the test case of test_linear_reuse_kernels (#163723) 2025-09-29 05:29:01 +00:00
test_cuda_repro.py [4/N] Remove unused loop variables in tests (#166690) 2025-10-31 10:20:48 +00:00
test_cuda_select_algorithm.py Disable failing test_int8_woq_mm_concat_cuda on slow grad check (#165331) 2025-10-13 17:08:00 +00:00
test_cudacodecache.py Fix requires_cuda to requires_cuda_and_triton (#160222) 2025-08-10 07:05:52 +00:00
test_cudagraph_trees_expandable_segments.py rename-HAS_CUDA-to-HAS_CUDA_AND_TRITON (#159883) 2025-08-08 15:44:52 +00:00
test_cudagraph_trees.py [4/N] Remove unused loop variables in tests (#166690) 2025-10-31 10:20:48 +00:00
test_custom_lowering.py [Inductor] Allow passing in custom lowering dict to register_lowering() (#154344) 2025-05-27 01:35:26 +00:00
test_custom_op_autotune.py [4/N] Remove unused loop variables in tests (#166690) 2025-10-31 10:20:48 +00:00
test_custom_partitioner_fn.py allow user to pass in custom partitioner function (#157580) 2025-09-05 22:49:39 +00:00
test_custom_post_grad_passes.py Support caching if joint_custom_pre_pass/joint_custom_post_pass implement the proper interface (#157990) 2025-07-10 19:17:11 +00:00
test_cutedsl_template.py Updates to CuTe DSL template renderer (#161117) 2025-08-27 23:01:31 +00:00
test_cutlass_backend.py Enable ruff rule E721 (#165162) 2025-10-13 01:48:55 +00:00
test_cutlass_evt.py [BE][cutlass backend] BE changes post cutlass_cppgen name change (#164589) 2025-10-06 17:22:08 +00:00
test_debug_trace.py [BE][PYFMT] migrate PYFMT for test/inductor/ to ruff format (#148186) 2025-06-24 11:12:11 +00:00
test_decompose_mem_bound_mm.py [AMD][gfx1100] test_decompose_mem_bound_mm.py tolerance increase (#165625) 2025-10-22 01:38:48 +00:00
test_dependencies.py
test_deterministic.py [inductor] turn Inductor deterministic mode on with torch.use_deterministic_algorithms (#165950) 2025-10-23 02:48:42 +00:00
test_device_assert.py [Inductor] Update DeviceAssert op to behave like store (#163696) 2025-09-24 23:35:56 +00:00
test_distributed_patterns.py [ROCm] Enable and fix several FSDP + Inductor distributed unit tests (#165011) 2025-10-10 14:10:54 +00:00
test_efficient_conv_bn_eval.py Enable ruff rule E721 (#165162) 2025-10-13 01:48:55 +00:00
test_extension_backend.py [Inductor UT][Windows][XPU] Fix Inductor UT on XPU Windows. (#146481) 2025-02-22 02:53:16 +00:00
test_external_callables.py [BE][4/6] fix typos in test/ (test/inductor/) (#157638) 2025-07-06 06:34:25 +00:00
test_flex_attention.py [2/N][Fix] Fix typo in test folder (#166374) 2025-10-29 03:02:07 +00:00
test_flex_decoding.py [2/N][Fix] Fix typo in test folder (#166374) 2025-10-29 03:02:07 +00:00
test_flex_flash.py [FlexFlash] Wire up mask_mod + blockmask to flash impl (#166359) 2025-10-31 22:07:40 +00:00
test_foreach.py [xpu][test] Enable more UTs for Intel GPU. (#166047) 2025-10-29 06:25:36 +00:00
test_fp8.py [Inductor][Triton][FP8] Support deepseek-style scaling in Inductor (#164404) 2025-10-28 03:38:54 +00:00
test_fused_attention.py Add SDPA patterns for T5 variants when batch size is 1 (#163252) 2025-09-26 08:50:06 +00:00
test_fuzzer.py [export] Turn on install_free_tensors flag (#164691) 2025-10-14 15:33:50 +00:00
test_fx_fusion.py
test_fxir_backend.py make FXConverter.generate use V.fake_mode instead of _detect_fake_mode_from_gm (#166591) 2025-10-31 05:52:07 +00:00
test_gpu_cpp_wrapper.py [xpu][test] Enable more UTs for Intel GPU. (#166047) 2025-10-29 06:25:36 +00:00
test_graph_transform_observer.py Enable all SIM rules except disabled ones (#164645) 2025-10-17 07:27:11 +00:00
test_group_batch_fusion.py More ruff SIM fixes (#164695) 2025-10-09 03:24:50 +00:00
test_halide.py Fix test_halide.py report invocation to re-run failed tests (#147640) 2025-02-26 06:32:22 +00:00
test_helion_kernels.py Add Helion softmax test (#155976) 2025-06-14 05:53:21 +00:00
test_indexing.py Fix a syntactic error in test_indexing.py (#166390) 2025-10-30 02:28:01 +00:00
test_inductor_annotations.py [Graph Partition] Pass all OSS unit tests (#154667) 2025-08-12 04:37:58 +00:00
test_inductor_freezing.py [4/N] Remove unused loop variables in tests (#166690) 2025-10-31 10:20:48 +00:00
test_inductor_scheduler.py [xpu][test] Reuse native_mm and mix_order_reduction for Intel GPU. (#166384) 2025-10-30 03:38:35 +00:00
test_inductor_utils.py
test_inplace_padding.py [Linter] Expanding the scope of detecting device-bias code. (#159949) 2025-08-09 09:41:16 +00:00
test_inplacing_pass.py Fix silent incorrectness arising from incorrect alias information (#152011) 2025-06-27 12:45:03 +00:00
test_kernel_benchmark.py [Break XPU][Indutor UT] Fix failures introduced by community. (#159463) 2025-07-31 08:37:41 +00:00
test_kernel_optimization.py [CI][testing] Use 3 processes for testing on sm89 and sm90 jobs (#158691) 2025-07-25 15:26:29 +00:00
test_layout_optim.py [BE][4/6] fix typos in test/ (test/inductor/) (#157638) 2025-07-06 06:34:25 +00:00
test_lookup_table.py [inductor][choices] lookup table choices 1/3 (#164978) 2025-10-30 01:28:01 +00:00
test_loop_ordering.py [2/N][Fix] Fix typo in test folder (#166374) 2025-10-29 03:02:07 +00:00
test_max_autotune.py [4/N] Remove unused loop variables in tests (#166690) 2025-10-31 10:20:48 +00:00
test_mem_estimation.py [Fix XPU CI] [Inductor UT] Fix test cases broken by community. (#165714) 2025-10-19 23:59:04 +00:00
test_memory_planning.py Migrating some more callsites (#163580) 2025-10-19 15:52:17 +00:00
test_memory.py [4/N] Remove unused loop variables in tests (#166690) 2025-10-31 10:20:48 +00:00
test_metrics.py [BE][PYFMT] migrate PYFMT for test/inductor/ to ruff format (#148186) 2025-06-24 11:12:11 +00:00
test_minifier_isolate.py
test_minifier_utils.py shape guards (#161178) 2025-09-08 22:44:09 +00:00
test_minifier.py shape guards (#161178) 2025-09-08 22:44:09 +00:00
test_mix_order_reduction.py [inductor] generate fused rms/layer norm bwd (#165370) 2025-10-28 05:53:52 +00:00
test_mkldnn_pattern_matcher.py Enable PLW0127 in ruff (#165851) 2025-10-21 03:30:57 +00:00
test_mmdecomp.py [inductor] Fix mm decomposition evaluating symints (#158998) 2025-07-30 16:34:15 +00:00
test_move_constructors_to_cuda.py rename-HAS_CUDA-to-HAS_CUDA_AND_TRITON (#159883) 2025-08-08 15:44:52 +00:00
test_mps_basic.py AOTI MPS Shim Implementation (#163865) 2025-10-09 16:06:36 +00:00
test_multi_kernel.py [xpu][test] Enable more UTs for Intel GPU. (#166047) 2025-10-29 06:25:36 +00:00
test_native_matmul.py [xpu][test] Reuse native_mm and mix_order_reduction for Intel GPU. (#166384) 2025-10-30 03:38:35 +00:00
test_needs_exact_strides.py rename-HAS_CUDA-to-HAS_CUDA_AND_TRITON (#159883) 2025-08-08 15:44:52 +00:00
test_online_softmax.py [inductor] fix 3d tiled online softmax (#162341) 2025-09-09 02:59:52 +00:00
test_op_completeness.py [inductor] Refactor op handlers part 5 (#146257) 2025-02-08 18:00:30 +00:00
test_op_dtype_prop.py [xpu][test] Enable more UTs for Intel GPU. (#166047) 2025-10-29 06:25:36 +00:00
test_ordered_set.py [4/N] Remove unused loop variables in tests (#166690) 2025-10-31 10:20:48 +00:00
test_pad_mm.py Disable autocast when running joint graph passes (#162304) 2025-09-06 00:57:58 +00:00
test_padding.py [ROCm] Remove HIPBLASLT_ALLOW_TF32 from codebase (#162998) 2025-09-18 13:53:48 +00:00
test_pattern_matcher.py [xpu][test] Enable more UTs for Intel GPU. (#166047) 2025-10-29 06:25:36 +00:00
test_perf.py [xpu][test] Enable more UTs for Intel GPU. (#166047) 2025-10-29 06:25:36 +00:00
test_profiler.py [4/N] Remove unused loop variables in tests (#166690) 2025-10-31 10:20:48 +00:00
test_provenance_tracing.py Add python stack trace to AOTI generated code (#160539) 2025-10-29 22:47:52 +00:00
test_quantization.py [3/n][Optimus][Auto-AC][reland] Support any fp8 quantization type and set scaling as the default" (#154057) 2025-05-22 18:26:34 +00:00
test_remote_cache.py pt2_remote_cache: Log sample for failures, and log the explicit reason we're faling. (#156874) 2025-07-18 20:28:27 +00:00
test_scatter_optimization.py [BE][PYFMT] migrate PYFMT for test/inductor/ to ruff format (#148186) 2025-06-24 11:12:11 +00:00
test_segmented_tree.py [inductor] dont reuse buffers if it affects peak (#145883) (#159530) 2025-08-19 19:02:56 +00:00
test_select_algorithm.py [inductor][templates] Distinguish between kernel input nodes and codegen input nodes (#163752) 2025-10-08 14:12:14 +00:00
test_selective_lowering.py [Inductor] Lower fallback nodes annotated with "should_fallback" (#166339) 2025-10-29 16:33:55 +00:00
test_smoke.py rename-HAS_CUDA-to-HAS_CUDA_AND_TRITON (#159883) 2025-08-08 15:44:52 +00:00
test_snode_runtime.py [Reland][2/N]Port several test files under test/distributed to Intel GPU (#159473) 2025-09-17 06:42:27 +00:00
test_split_cat_fx_aten_passes.py Fix requires_cuda to requires_cuda_and_triton (#160222) 2025-08-10 07:05:52 +00:00
test_split_cat_fx_passes.py add torch.concat to normalization pass (#156574) 2025-06-27 06:07:26 +00:00
test_static_cuda_launcher.py Fix requires_cuda to requires_cuda_and_triton (#160222) 2025-08-10 07:05:52 +00:00
test_subgraph_choice.py [inductor][mm] restructure decompose k (#161026) 2025-08-28 20:14:41 +00:00
test_template_heuristics_registry.py [inductor][heuristics registry] missing heuristic is not an error anymore, cross device heuristics (#161767) 2025-08-29 22:41:27 +00:00
test_torchbind.py Add kernel information JSON generation for AOTI packages (#160540) 2025-08-20 02:33:45 +00:00
test_torchinductor_codegen_config_overrides.py Add cse for make_block_ptr in Triton codegen (#163399) 2025-10-16 05:29:48 +00:00
test_torchinductor_codegen_dynamic_shapes.py [inductor] Fix argmin/argmax returning incorrect indices for non-contiguous tensor (#165983) 2025-10-28 01:23:24 +00:00
test_torchinductor_dynamic_shapes.py Revert "use sym_numel, to allow fake tensors to work (#163831)" 2025-10-14 05:10:56 +00:00
test_torchinductor_opinfo.py [Intel GPU] Xpu matmul implementation for complex dtype (#160867) 2025-10-25 17:13:13 +00:00
test_torchinductor_strided_blocks.py Add cse for make_block_ptr in Triton codegen (#163399) 2025-10-16 05:29:48 +00:00
test_torchinductor.py [GraphPartition] cache get_free_symbol_uses (#166338) 2025-10-31 21:24:05 +00:00
test_triton_cpu_backend.py enable test (#155342) 2025-06-09 19:26:05 +00:00
test_triton_extension_backend.py cpp_wrapper: fix inductor triton tests (#146109) 2025-02-25 19:50:37 +00:00
test_triton_heuristics.py [Reland][Inductor] Prune configs that require more shared memory than the hardware limit. (#161996) 2025-09-03 04:23:09 +00:00
test_triton_kernels.py [4/N] Remove unused loop variables in tests (#166690) 2025-10-31 10:20:48 +00:00
test_triton_syntax.py cpp_wrapper: fix inductor triton tests (#146109) 2025-02-25 19:50:37 +00:00
test_triton_wrapper.py
test_unbacked_symints.py [inductor] fix issue for example value with unbacked strides (#163660) 2025-10-14 20:07:51 +00:00
test_utils.py Add python stack trace to AOTI generated code (#160539) 2025-10-29 22:47:52 +00:00
test_xpu_basic.py Renaming HAS_XPU to HAS_XPU_AND_TRITON (#159908) 2025-08-07 11:24:44 +00:00