pytorch/test
BowenBao cf70466970 [ONNX] Improve scope inference in function extraction
Cover more cases of scope inferencing where consecutive nodes don't have valid scope information. Usually these nodes are created in some pass where authors forgot to assign meaningful scope to them.
* One rule of `InferScope` is to check if the current node's outputs' users share the same scope. Recursively run `InferScope` on the user nodes if they are missing scope as well. Since the graph is SSA, the depth is finite.
* Fix one pass that missed scope information for a new node.
Pull Request resolved: https://github.com/pytorch/pytorch/pull/71897
2022-01-31 23:58:53 +00:00
..
ao/sparsity [sparsity] Convert function for sparse kernels without a context manager (#66778) 2021-12-09 02:58:57 -08:00
autograd [skip ci] Set test owners for autograd tests (#66834) 2021-10-19 08:35:02 -07:00
benchmark_utils Add lint to ensure all test files have headers with ownership info (#66826) 2021-11-03 18:21:49 -07:00
bottleneck_test Set test owners for tests with unknown owners (#67552) 2021-10-29 12:42:01 -07:00
cpp Revert D33850228: [pytorch][PR] Implement Tanh Gelu Approximation 2022-01-31 17:44:19 +00:00
cpp_api_parity ENH Adds test and docs for modules that already support no batch dims (#62729) 2021-09-02 12:36:54 -07:00
cpp_extensions Resubmit #67161 (#67735) 2021-11-04 09:59:30 -07:00
custom_backend [PyTorch] Adopt IValue::toTupleRef() where obvious (#65505) 2021-11-02 10:22:18 -07:00
custom_operator Set test owners for tests with unknown owners (#67552) 2021-10-29 12:42:01 -07:00
distributed Back out "Create torch.distributed.shard package." (#72062) 2022-01-31 18:29:27 +00:00
distributions TransformedDistribution.icdf: Fix erroneous icdf ValueError (#71393) 2022-01-28 00:34:08 +00:00
error_messages Revert D30279364: [codemod][lint][fbcode/c*] Enable BLACK by default 2021-08-12 11:45:01 -07:00
expect Trace asserts with fx by looking at byte code (#70960) 2022-01-28 02:04:21 +00:00
forward_backward_compatibility Revert D33850228: [pytorch][PR] Implement Tanh Gelu Approximation 2022-01-31 17:44:19 +00:00
fx [const_fold] Fix call_module const folding (#68614) 2021-11-18 20:56:06 -08:00
fx_acc [acc_ops] Move slice_tensor to consider single dim at a time (#5906) 2022-01-31 23:37:36 +00:00
fx2trt [bug fix] for add_activation layer, mobilenetv2 is fixed (#71979) 2022-01-31 19:44:22 +00:00
jit Revert D33850228: [pytorch][PR] Implement Tanh Gelu Approximation 2022-01-31 17:44:19 +00:00
jit_hooks Revert D30279364: [codemod][lint][fbcode/c*] Enable BLACK by default 2021-08-12 11:45:01 -07:00
mobile Use upgrader_mobile.cpp as the reference for codegen unittest (#71930) 2022-01-30 03:11:32 +00:00
onnx [ONNX] Improve scope inference in function extraction 2022-01-31 23:58:53 +00:00
package detect mocked module on saving pass (#70641) 2022-01-10 11:11:55 -08:00
quantization [reland][bc-breaking][quant][be] Refactor fuser_method to include is_qat argument" (#71956) 2022-01-31 23:02:22 +00:00
scripts Revert D30279364: [codemod][lint][fbcode/c*] Enable BLACK by default 2021-08-12 11:45:01 -07:00
test_img
typing Deprecate QR (#57745) 2021-05-10 22:56:37 -07:00
delete.py Introducing DataChunk for DataPipes batching (#62768) 2021-08-06 08:38:33 -07:00
HowToWriteTestsUsingFileCheck.md Allow for heterogenous List and Dict values + Improve container typing algorithm (#57137) 2021-07-10 14:29:05 -07:00
linear.py Revert D30279364: [codemod][lint][fbcode/c*] Enable BLACK by default 2021-08-12 11:45:01 -07:00
run_test.py Back out "Create torch.distributed.shard package." (#72062) 2022-01-31 18:29:27 +00:00
simulate_nccl_errors.py Revert D30279364: [codemod][lint][fbcode/c*] Enable BLACK by default 2021-08-12 11:45:01 -07:00
test_ao_sparsity.py [sparsity] Fix and enable the pruning tests (#66411) 2021-11-22 15:28:12 -08:00
test_autocast.py Set test owners for tests with unknown owners (#67552) 2021-10-29 12:42:01 -07:00
test_autograd.py Make detach redispatch like a regular PyTorch operator (#71707) 2022-01-28 16:13:36 +00:00
test_binary_ufuncs.py Low precision support for jiterator (#70157) 2021-12-19 11:56:57 -08:00
test_bundled_images.py Add ownership to more edge tests (#67859) 2021-11-05 11:01:16 -07:00
test_bundled_inputs.py Add lint to ensure all test files have headers with ownership info (#66826) 2021-11-03 18:21:49 -07:00
test_complex.py [skip ci] Set test owner for test_complex.py (#66835) 2021-10-19 08:36:27 -07:00
test_cpp_api_parity.py [skip ci] Set test owners for cpp test (#66836) 2021-10-21 13:17:46 -07:00
test_cpp_extensions_aot.py No-batch-dim support for ConvNd (#70506) 2022-01-06 16:53:50 -08:00
test_cpp_extensions_jit.py Remove remaining THC code (#69039) 2021-12-08 12:18:08 -08:00
test_cuda_primary_ctx.py remove hasPrimaryContext workaround on ROCm (#71146) 2022-01-25 20:32:12 +00:00
test_cuda.py [CUDA Pinned Memory] [Retry] Alternative implementation of pinned memory allocator focusing on multi-threaded scalability (#69299) 2022-01-27 01:33:55 +00:00
test_dataloader.py Allow specifying num_samples to RandomSampler even when replacement=False (#71568) 2022-01-25 15:34:24 +00:00
test_datapipe.py Separating CaptureDataFrame out of DFIterDataPipe (#71776) 2022-01-26 03:25:02 +00:00
test_deploy.py [skip ci] Set test owner for deploy/package tests (#66830) 2021-10-26 07:49:33 -07:00
test_determination.py Have test classes extend from common_utils.TestCase, not unittest.TestCase (#66900) 2021-10-19 16:54:05 -07:00
test_dispatch.py [skip ci] Set test owner for test_dispatch.py (#66840) 2021-10-21 08:48:37 -07:00
test_foreach.py use torch.testing.assert_equal in TestCase.assertEqual (#67796) 2022-01-27 08:33:55 +00:00
test_function_schema.py Add forward compatability tests in CI (#64139) 2022-01-05 23:40:06 -08:00
test_functional_autograd_benchmark.py fix python version error (#71021) 2022-01-21 01:05:53 +00:00
test_functional_optim.py [Opt Overlap] Clean up code in _OptimizerHookState (#71620) 2022-01-26 19:33:49 +00:00
test_functionalization.py Fix test ownership lint (#71554) 2022-01-21 18:24:42 +00:00
test_futures.py Set test owners for tests with unknown owners (#67552) 2021-10-29 12:42:01 -07:00
test_fx_experimental.py Fix indentation typo in test_fx_experimental.py (#71885) 2022-01-28 00:41:12 +00:00
test_fx.py Revert D33850228: [pytorch][PR] Implement Tanh Gelu Approximation 2022-01-31 17:44:19 +00:00
test_import_stats.py Set test owners for module: ci (#66796) 2021-10-18 10:29:50 -07:00
test_indexing.py Fixes CUDA vs CPU consistency for index_put_ when accumulating (part 2) (#67189) 2021-11-08 17:56:43 -08:00
test_jit_autocast.py [JIT] additional support for CallMethod with autocasting (#67925) 2021-11-08 14:37:09 -08:00
test_jit_cuda_fuser.py Allow single node fusion for nvfuser (#70000) 2021-12-23 17:07:57 -08:00
test_jit_disabled.py Set test owners for jit tests (#66808) 2021-10-25 07:51:10 -07:00
test_jit_fuser_legacy.py Set test owners for jit tests (#66808) 2021-10-25 07:51:10 -07:00
test_jit_fuser_te.py Revert D33850228: [pytorch][PR] Implement Tanh Gelu Approximation 2022-01-31 17:44:19 +00:00
test_jit_fuser.py skip test_jit_legacy (#68129) 2021-11-10 23:08:32 -08:00
test_jit_legacy.py Set test owners for jit tests (#66808) 2021-10-25 07:51:10 -07:00
test_jit_profiling.py Set test owners for jit tests (#66808) 2021-10-25 07:51:10 -07:00
test_jit_simple.py Set test owners for jit tests (#66808) 2021-10-25 07:51:10 -07:00
test_jit_string.py [PyTorch] Move prim string ops to JIT op registry (#70501) 2022-01-06 18:26:28 -08:00
test_jit.py Update min python version to 3.7 in setup.py and mypy configs (#71494) 2022-01-20 00:03:57 +00:00
test_kernel_launch_checks.py Set test owners for tests with unknown owners (#67552) 2021-10-29 12:42:01 -07:00
test_license.py Set test owners for tests with unknown owners (#67552) 2021-10-29 12:42:01 -07:00
test_linalg.py Back out "[pytorch][PR] Fix SVD error code handling for OpenBLAS 0.3.15+ and MKL 2022+" (#72063) 2022-01-31 18:09:45 +00:00
test_logging.py Set test owners for tests with unknown owners (#67552) 2021-10-29 12:42:01 -07:00
test_masked.py Fix test ownership lint (#71554) 2022-01-21 18:24:42 +00:00
test_metal.py [skip ci] Set test owner for mobile tests (#66829) 2021-10-26 10:20:01 -07:00
test_mkldnn.py Avoid the view for mkldnn case in 1D convolution (#68166) 2021-11-15 11:56:45 -08:00
test_mobile_optimizer.py [skip ci] Set test owner for mobile tests (#66829) 2021-10-26 10:20:01 -07:00
test_model_dump.py Add ownership to more edge tests (#67859) 2021-11-05 11:01:16 -07:00
test_module_init.py [quant] fix dropout in FX graph mode quantization (#71043) 2022-01-13 15:59:59 -08:00
test_modules.py [nn] lstm : no batch dim support (#71056) 2022-01-24 15:13:40 +00:00
test_monitor.py torch/monitor: merge Interval and FixedCount stats (#72009) 2022-01-30 23:21:59 +00:00
test_multiprocessing_spawn.py make ProcessException pickleable (#70118) 2021-12-30 09:09:55 -08:00
test_multiprocessing.py [skip ci] Set test owner for multiprocessing tests (#66848) 2021-10-21 13:13:53 -07:00
test_namedtensor.py use torch.testing.assert_equal in TestCase.assertEqual (#67796) 2022-01-27 08:33:55 +00:00
test_namedtuple_return_api.py Rewrite svd and linalg.svd as structured kernels (#69827) 2022-01-27 18:38:30 +00:00
test_native_functions.py Set test owners for tests with unknown owners (#67552) 2021-10-29 12:42:01 -07:00
test_nn.py Revert D33850228: [pytorch][PR] Implement Tanh Gelu Approximation 2022-01-31 17:44:19 +00:00
test_nnapi.py NNAPI: quant logistic fix (#70847) 2022-01-07 13:36:33 -08:00
test_numba_integration.py Remove unwanted comma (#71193) 2022-01-13 19:09:05 -08:00
test_numpy_interop.py [skip ci] Set test owner for test_numpy_interop.py (#66851) 2021-10-19 10:50:54 -07:00
test_openmp.py Set test owners for tests with unknown owners (#67552) 2021-10-29 12:42:01 -07:00
test_ops.py Generalize noncontiguous tests to several outputs (#67996) 2022-01-27 23:13:17 +00:00
test_optim.py fixing of usage of rel_tol for test adadelta (#71880) 2022-01-26 23:33:28 +00:00
test_overrides.py Add linalg.solve_triangular (#63568) 2021-11-22 12:41:06 -08:00
test_package.py [skip ci] Set test owner for deploy/package tests (#66830) 2021-10-26 07:49:33 -07:00
test_profiler.py [Profiler] Fix memory profile type from recent refactor (#71417) 2022-01-18 22:18:11 +00:00
test_pruning_op.py Set test owners for tests with unknown owners (#67552) 2021-10-29 12:42:01 -07:00
test_public_bindings.py Have test classes extend from common_utils.TestCase, not unittest.TestCase (#66900) 2021-10-19 16:54:05 -07:00
test_python_dispatch.py Make detach redispatch like a regular PyTorch operator (#71707) 2022-01-28 16:13:36 +00:00
test_pytree.py [skip ci] Add test owners for a special hi-pri class of tests (#67553) 2021-10-29 12:17:21 -07:00
test_quantization.py dbr quant: break up test class into multiple classes (#70246) 2022-01-05 06:36:41 -08:00
test_reductions.py Deprecates _aminmax (#71576) 2022-01-21 09:23:29 +00:00
test_scatter_gather_ops.py Kill the test_torch.py mixin and creates test_scatter_gather_ops (#71691) 2022-01-24 09:32:32 +00:00
test_segment_reductions.py Set test owners for tests with unknown owners (#67552) 2021-10-29 12:42:01 -07:00
test_serialization.py Avoid dtype mismatch error in torch.save if storages are unallocated (#68787) 2021-11-24 09:51:29 -08:00
test_set_default_mobile_cpu_allocator.py Add ownership to more edge tests (#67859) 2021-11-05 11:01:16 -07:00
test_shape_ops.py replace onlyOnCPUAndCUDA with onlyNativeDeviceTypes (#65201) 2021-11-01 09:22:34 -07:00
test_show_pickle.py Add ownership to more edge tests (#67859) 2021-11-05 11:01:16 -07:00
test_sort_and_select.py Fix torch.{unique, unique_consecutive} out of bound (#71540) 2022-01-21 02:36:49 +00:00
test_sparse_csr.py Sparse CSR CUDA: Add torch.baddbmm and torch.bmm (#68711) 2022-01-28 07:25:32 +00:00
test_sparse.py Support sparse.sum on empty sparse tensor (#71091) 2022-01-19 18:58:08 +00:00
test_spectral_ops.py replace onlyOnCPUAndCUDA with onlyNativeDeviceTypes (#65201) 2021-11-01 09:22:34 -07:00
test_stateless.py Add lightweight reparametrization for _stateless calls (#68969) 2022-01-28 14:38:45 +00:00
test_static_runtime.py [static runtime][dper] multi_env tests for static runtime: selective enable (#67467) 2021-11-18 01:04:12 -08:00
test_tensor_creation_ops.py Kill the test_torch.py mixin and creates test_scatter_gather_ops (#71691) 2022-01-24 09:32:32 +00:00
test_tensorboard.py Set test owners for tests with unknown owners (#67552) 2021-10-29 12:42:01 -07:00
test_tensorexpr_pybind.py [tensorexpr] check for index out of bounds in ir_eval (#68858) 2021-12-16 09:27:45 -08:00
test_tensorexpr.py [skip ci] Set test owners for NNC tests (#66833) 2021-10-26 07:46:18 -07:00
test_testing.py use torch.testing.assert_equal in TestCase.assertEqual (#67796) 2022-01-27 08:33:55 +00:00
test_throughput_benchmark.py Set test owners for tests with unknown owners (#67552) 2021-10-29 12:42:01 -07:00
test_torch.py Revert D33834916: Set correct device id on efficientzerotensors 2022-01-31 03:49:56 +00:00
test_type_hints.py [skip ci] Set test owners for test_typing.py (#66869) 2021-10-20 09:41:13 -07:00
test_type_info.py [skip ci] Set test owners for test_typing.py (#66869) 2021-10-20 09:41:13 -07:00
test_type_promotion.py replace onlyOnCPUAndCUDA with onlyNativeDeviceTypes (#65201) 2021-11-01 09:22:34 -07:00
test_typing.py [skip ci] Set test owners for test_typing.py (#66869) 2021-10-20 09:41:13 -07:00
test_unary_ufuncs.py The Jiterator (#69439) 2021-12-06 07:32:48 -08:00
test_utils.py Add support for C++ frontend wrapper on Linux (#69094) 2021-12-02 16:47:00 -08:00
test_view_ops.py Allow torch.Tensor.real on real-valued tensors (#71718) 2022-01-25 22:30:48 +00:00
test_vmap.py update example in classification losses (#69816) 2021-12-21 02:46:48 -08:00
test_vulkan.py [skip ci] Set test owner for mobile tests (#66829) 2021-10-26 10:20:01 -07:00
test_xnnpack_integration.py Add ownership to more edge tests (#67859) 2021-11-05 11:01:16 -07:00