pytorch/test
Jason Ansel 9b94dcf2ac [Compiled Autograd] Remove duplicate code from double-merge (#106233)
Something awfuly wierd is going on.  Somehow the changes in #105808 got applied twice, which caused a lint error on main. Notice how the two block of code are both copies of #105808:

Line 273:
505dd319ef/test/inductor/test_compiled_autograd.py (L273-L369)

Line 372:
505dd319ef/test/inductor/test_compiled_autograd.py (L372-L479)

Pull Request resolved: https://github.com/pytorch/pytorch/pull/106233
Approved by: https://github.com/malfet
2023-07-29 01:57:03 +00:00
..
_nvfuser
ao/sparsity [BE] Enable ruff's UP rules and autoformat ao/ (#105430) 2023-07-19 13:44:37 +00:00
autograd Fix bug in basicAutogradNotImplementedFallback (#105660) 2023-07-25 18:41:22 +00:00
backends/xeon enable taskset core pinning in addition to numactl (#96011) 2023-03-07 01:19:46 +00:00
benchmark_utils [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
bottleneck_test
cpp Change _dynamo.export to be export(f)(*args, **kwargs) (#106109) 2023-07-27 21:41:13 +00:00
cpp_api_parity [BE]: Update Ruff to 0.0.280 (#105724) 2023-07-22 23:03:34 +00:00
cpp_extensions [functorch] disable C++ Function under functorch transforms (#103957) 2023-06-23 11:01:44 +00:00
custom_backend [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
custom_operator [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
distributed [Optim in backward] API to retrieve in-backward optimizers (#105991) 2023-07-29 01:36:25 +00:00
distributions use UBSAN on some tests (#103655) 2023-07-24 14:24:49 +00:00
dynamo [Dynamo] Ignore no-op tensor assignment (#106092) 2023-07-28 17:16:19 +00:00
edge [torchgen] Rename executorch's RuntimeContext to KernelRuntimeContext (#104892) 2023-07-14 21:15:50 +00:00
error_messages [BE] Enable ruff's UP rules and autoformat dynamo / functorch and refs (#105432) 2023-07-19 13:48:44 +00:00
expect [pt2] add decomps for multilabel_margin_loss_forward ops (#105302) 2023-07-23 02:16:29 +00:00
export [export] allow register dataclass as pytree node (#106160) 2023-07-28 17:33:13 +00:00
forward_backward_compatibility Meff Attn Bias (#104310) 2023-07-26 15:51:59 +00:00
functorch [pt2] add meta for argsort.stable, use sort samples in OpInfo (#106025) 2023-07-27 03:49:17 +00:00
fx Change _dynamo.export to be export(f)(*args, **kwargs) (#106109) 2023-07-27 21:41:13 +00:00
inductor [Compiled Autograd] Remove duplicate code from double-merge (#106233) 2023-07-29 01:57:03 +00:00
jit [BE]: Update Ruff to 0.0.280 (#105724) 2023-07-22 23:03:34 +00:00
jit_hooks
lazy Use yaml.SafeLoader instead of legacy yaml.Loader (#100443) 2023-05-02 18:32:36 +00:00
mobile [BE] Enable ruff's UP rules in pyproject.toml (#105437) 2023-07-21 19:14:52 +00:00
nn [BE] Enable ruff's UP rules in pyproject.toml (#105437) 2023-07-21 19:14:52 +00:00
onnx [ONNX] Support complex in FX exporter (#100554) 2023-07-28 07:03:07 +00:00
onnx_caffe2 [BE] f-stringify torch/ and scripts (#105538) 2023-07-21 19:35:24 +00:00
optim Add Optimizer state_dict hooks (#105953) 2023-07-28 11:52:41 +00:00
package [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
profiler [pytorch profiler] fix profiler test for windows (#106156) 2023-07-28 00:53:09 +00:00
quantization Revert "[quant][pt2e] store scale/zero_point as tensor attributes to support serialization (#105894)" 2023-07-28 01:16:02 +00:00
scripts Fix flake8 lint errors reported by ruff - take 2 (#99798) 2023-04-23 23:09:51 +00:00
test_img
typing
_test_bazel.py [bazel] add build for functorch (#101475) 2023-05-18 20:29:08 +00:00
allowlist_for_publicAPI.json Add torch.utils to the docs page, remove dead code and fix docstrings (#105142) 2023-07-26 14:24:58 +00:00
conftest.py Do not collect and skip non-disabled tests when rerunning disabled tests (#102107) 2023-05-27 12:10:36 +00:00
create_dummy_torchscript_model.py Add basic Module serialization BC test (#96238) 2023-03-08 21:01:27 +00:00
delete.py
HowToWriteTestsUsingFileCheck.md
linear.py
load_torchscript_model.py Add basic Module serialization BC test (#96238) 2023-03-08 21:01:27 +00:00
mkl_verbose.py
mkldnn_verbose.py
run_doctests.sh
run_test.py [BE]: Update Ruff to 0.0.280 (#105724) 2023-07-22 23:03:34 +00:00
simulate_nccl_errors.py Fix G001,G002,G003 in logs to % syntax (#97812) 2023-04-01 01:43:33 +00:00
test_ao_sparsity.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_autocast.py [BE] f-stringify torch/ and scripts (#105538) 2023-07-21 19:35:24 +00:00
test_autograd.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_binary_ufuncs.py add lerp cpu support for half (#105607) 2023-07-21 20:29:05 +00:00
test_bundled_images.py
test_bundled_inputs.py
test_comparison_utils.py Add missing __main__ in two unittests (#97302) 2023-03-22 19:09:08 +00:00
test_compile_benchmark_util.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_complex.py Fix CPU vectorized eq and ne operations for complex types (#97374) 2023-04-14 02:02:16 +00:00
test_content_store.py Add load_storage (#100519) 2023-05-05 05:25:03 +00:00
test_cpp_api_parity.py
test_cpp_extensions_aot.py Use random inputs for mps extension tests (#104597) 2023-07-06 07:14:56 +00:00
test_cpp_extensions_jit.py [ROCm] Skip test_jit_cudnn_extension on ROCm (#105805) 2023-07-24 14:19:56 +00:00
test_cpp_extensions_open_device_registration.py Unify TEST_CUDNN definition (#105594) 2023-07-20 16:10:26 +00:00
test_cuda_expandable_segments.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_cuda_multigpu.py Revert "Fix test failure in TestCudaMultiGPU.test_cuda_device_memory_allocated (#105501)" 2023-07-24 14:18:44 +00:00
test_cuda_nvml_based_avail.py Reduce pytest blocklist (#96016) 2023-03-07 18:30:27 +00:00
test_cuda_primary_ctx.py [BE] Use TEST_MULTIGPU from common_cuda.py (#103982) 2023-06-22 00:07:44 +00:00
test_cuda_sanitizer.py Reduce pytest blocklist (#96016) 2023-03-07 18:30:27 +00:00
test_cuda_trace.py Reduce pytest blocklist (#96016) 2023-03-07 18:30:27 +00:00
test_cuda.py [memory snapshot] track context for segments (#106113) 2023-07-28 06:45:48 +00:00
test_custom_ops.py Update custom op API (#105947) 2023-07-28 13:30:58 +00:00
test_dataloader.py [BE] f-stringify torch/ and scripts (#105538) 2023-07-21 19:35:24 +00:00
test_datapipe.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_decomp.py [decomp] Add test tracking core ATen operators (#104262) 2023-07-04 16:41:44 +00:00
test_deploy.py
test_determination.py
test_dispatch.py [BE]: Update Ruff to 0.0.280 (#105724) 2023-07-22 23:03:34 +00:00
test_dlpack.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_dynamic_shapes.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_expanded_weights.py tf32 context fixes for various tests (#103137) 2023-06-15 02:33:12 +00:00
test_fake_tensor.py Improve FakeTensor to work with mixed meta-cpu embedding bag arguments (#105924) 2023-07-26 01:19:08 +00:00
test_flop_counter.py De-register forward hooks upon exiting flop counter context (#103744) 2023-06-20 19:34:02 +00:00
test_foreach.py Reland "Add forward mode AD to out-place foreach functions (#102409) (#106043) 2023-07-27 03:13:24 +00:00
test_function_schema.py
test_functional_autograd_benchmark.py
test_functional_optim.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_functionalization_of_rng_ops.py [philox_rand] Add decomps (#100206) 2023-04-28 02:20:13 +00:00
test_functionalization.py Upgrade LoggingTensor mode and add traceback collection (#103734) 2023-06-21 22:04:30 +00:00
test_futures.py [Reland] Update mypy to 1.4.1 (#105227) 2023-07-15 20:30:20 +00:00
test_fx_experimental.py Back out "Make adding buffers more like adding parameters (#104069)" (#105581) 2023-07-20 03:39:53 +00:00
test_fx_passes.py Introduce aggressive merge to CapabilityPartitioner (#100195) 2023-05-05 23:20:17 +00:00
test_fx_reinplace_pass.py
test_fx.py [BE]: Update Ruff to 0.0.280 (#105724) 2023-07-22 23:03:34 +00:00
test_hub.py [BE]: Apply ruff PERF fixes to torch (#104917) 2023-07-11 20:45:21 +00:00
test_import_stats.py
test_indexing.py [Dynamo] Fix lineinfo generation on PY3.11+ (#103525) 2023-06-14 05:41:43 +00:00
test_itt.py
test_jit_autocast.py [BE] Enable C419 rule for any all shortcircuiting (#99890) 2023-04-25 15:02:13 +00:00
test_jit_cuda_fuser.py Remove set_default_dtype calls from jit and ops tests (#105072) 2023-07-15 03:18:33 +00:00
test_jit_disabled.py
test_jit_fuser_legacy.py
test_jit_fuser_te.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_jit_fuser.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_jit_legacy.py
test_jit_llga_fuser.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_jit_profiling.py
test_jit_simple.py
test_jit_string.py
test_jit.py [BE]: Update Ruff to 0.0.280 (#105724) 2023-07-22 23:03:34 +00:00
test_jiterator.py [ROCm] add skipCUDAIfVersionLessThan to unskip test_jiterator for ROCm (#99197) 2023-04-17 16:05:16 +00:00
test_kernel_launch_checks.py
test_legacy_vmap.py [BE]: Apply ruff PERF fixes to torch (#104917) 2023-07-11 20:45:21 +00:00
test_license.py
test_linalg.py test_linalg: triangular_solve - make well_conditioned well conditioned (#105919) 2023-07-26 09:21:12 +00:00
test_logging.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_masked.py
test_maskedtensor.py Tighten FakeTensor reentrancy asserts, add debugging (#102091) 2023-05-24 05:37:51 +00:00
test_matmul_cuda.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_meta.py [pt2] add metas for _cholesky_solve_helper and cholesky_solve (#105867) 2023-07-25 20:21:47 +00:00
test_metal.py
test_mkl_verbose.py
test_mkldnn_fusion.py [BE]: Update Ruff to 0.0.280 (#105724) 2023-07-22 23:03:34 +00:00
test_mkldnn_verbose.py
test_mkldnn.py [BE]: Apply ruff PERF fixes to torch (#104917) 2023-07-11 20:45:21 +00:00
test_mobile_optimizer.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_model_dump.py
test_module_init.py Adding nn.ZeroPad1d and nn.ZeroPad3d (#96295) 2023-03-10 03:51:41 +00:00
test_modules.py Added ModuleInfo test for meta device ctx init (#105871) 2023-07-26 01:57:54 +00:00
test_monitor.py
test_mps.py use UBSAN on some tests (#103655) 2023-07-24 14:24:49 +00:00
test_multiprocessing_spawn.py
test_multiprocessing.py Revert "Revert "Expandable blocks in allocator (#96995)"" (#99275) 2023-04-17 23:46:08 +00:00
test_namedtensor.py [BE] f-stringify torch/ and scripts (#105538) 2023-07-21 19:35:24 +00:00
test_namedtuple_return_api.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_native_functions.py [Dynamo] Fix nested function resume execution (#100426) 2023-05-11 03:10:23 +00:00
test_native_mha.py
test_nestedtensor.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_nn.py [easy] improve hint on error message in nn.Module.load_state_dict (#106042) 2023-07-27 19:56:02 +00:00
test_nnapi.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_numba_integration.py
test_numpy_interop.py
test_nvfuser_dynamo.py
test_nvfuser_frontend.py
test_openmp.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_ops_fwd_gradients.py
test_ops_gradients.py [custom_op] explicit autograd API (#101824) 2023-05-23 18:31:29 +00:00
test_ops_jit.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_ops.py [BE]: Update Ruff to 0.0.280 (#105724) 2023-07-22 23:03:34 +00:00
test_optim.py [optim][BE] split test file into logical parts: SWA, LR, optim (#101100) 2023-05-12 16:41:44 +00:00
test_out_dtype_op.py [export] Remove experimental runtime assertion configs from export API. (#105043) 2023-07-26 16:21:29 +00:00
test_overrides.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_package.py Reduce pytest blocklist part 2 (#96397) 2023-03-10 19:10:43 +00:00
test_per_overload_api.py
test_prims.py Fix aten.logspace decomposition (#105201) 2023-07-22 04:10:20 +00:00
test_proxy_tensor.py Update matmul decomp to match eager (#105850) 2023-07-26 09:24:51 +00:00
test_pruning_op.py Add missing __main__ in two unittests (#97302) 2023-03-22 19:09:08 +00:00
test_public_bindings.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_python_dispatch.py Enable registering fallthroughs to (op, dk) from torch.library (#106086) 2023-07-28 19:37:59 +00:00
test_pytree.py Serialize empty pytree cases (#105159) 2023-07-13 23:02:59 +00:00
test_quantization.py add basic cuda support for float8 dtypes (#105807) 2023-07-25 03:43:36 +00:00
test_reductions.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_scatter_gather_ops.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_schema_check.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_segment_reductions.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_serialization.py [BE]: Update Ruff to 0.0.280 (#105724) 2023-07-22 23:03:34 +00:00
test_set_default_mobile_cpu_allocator.py
test_shape_ops.py
test_show_pickle.py
test_sort_and_select.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_sparse_csr.py Add SparseCsrCPU and SparseCsrCUDA dispatch to sum.dim_IntList (#99292) 2023-07-24 17:30:58 +00:00
test_sparse_semi_structured.py Update sparse semi-structured linear operator (#104608) 2023-07-13 23:52:39 +00:00
test_sparse.py sparse.mm.backward: fix for non-contiguous grad values on CPU (#106127) 2023-07-28 01:25:00 +00:00
test_spectral_ops.py Revert "[cuda rng] Making offset calculation independent of device properties (#98988)" 2023-04-19 17:23:40 +00:00
test_stateless.py Back out "Make adding buffers more like adding parameters (#104069)" (#105581) 2023-07-20 03:39:53 +00:00
test_static_runtime.py
test_subclass.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_sympy_utils.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_tensor_creation_ops.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_tensorboard.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_tensorexpr_pybind.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_tensorexpr.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_testing.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_throughput_benchmark.py
test_torch.py [PyTorch] Add tests for empty tensors w/storage null data_ptr (#101426) 2023-07-27 05:19:42 +00:00
test_transformers.py [BE] Improve test_transformers test structure (#105938) 2023-07-26 22:16:20 +00:00
test_type_hints.py
test_type_info.py
test_type_promotion.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_typing.py [BE] Enable flake8-comprehension rule C417 (#97880) 2023-03-30 14:34:24 +00:00
test_unary_ufuncs.py [BE] f-stringify torch/ and scripts (#105538) 2023-07-21 19:35:24 +00:00
test_utils.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00
test_view_ops.py Add overflow check for stride calculation (#94900) 2023-04-09 01:30:55 +00:00
test_vulkan.py
test_weak.py
test_xnnpack_integration.py [BE] Enable ruff's UP rules and autoformat test/ (#105434) 2023-07-19 20:36:06 +00:00