pytorch/test
Edward Z. Yang 789115e05e Don't check for linalg errors on meta tensors
Signed-off-by: Edward Z. Yang <ezyangfb.com>

Pull Request resolved: https://github.com/pytorch/pytorch/pull/78467

Approved by: https://github.com/Chillee
2022-05-31 14:18:49 +00:00
..
ao/sparsity [ao][sparsity] comsability for sparsity and QAT convert 2022-04-11 16:32:08 +00:00
autograd Fix autograd.functional tests to not fail with logging tensor 2022-04-20 20:32:40 +00:00
benchmark_utils Add CPU slow test job (#73748) 2022-03-23 21:17:27 +00:00
bottleneck_test
cpp [ci] disable flaky MobileProfiler.Backend test 2022-05-26 03:22:55 +00:00
cpp_api_parity
cpp_extensions [Reland] Add BUILD_LAZY_CUDA_LINALG option (#73447) 2022-03-01 21:33:07 +00:00
custom_backend [ROCM] Enable custom tests on rocm 2022-04-26 14:22:14 +00:00
custom_operator [ROCM] Enable custom tests on rocm 2022-04-26 14:22:14 +00:00
distributed Clean prefixes when searching for params / buffers to ignore (#78278) 2022-05-26 02:43:03 +00:00
distributions Add mode property to distributions. (#76690) 2022-05-11 18:26:56 +00:00
error_messages
expect Fix sparse BSR tensor validation. 2022-05-27 13:26:35 +00:00
forward_backward_compatibility [primTorch] Rename is_finite->isfinite (#78211) 2022-05-26 16:17:51 +00:00
fx [test_fx_const_fold] Remove dependencies on acc_* (#72810) 2022-02-14 20:46:54 +00:00
jit Updates floor_divide to perform floor division (#78411) 2022-05-29 21:28:45 +00:00
jit_hooks [ROCM] Enable custom tests on rocm 2022-04-26 14:22:14 +00:00
lazy [LT] Add IR resuing support for manually-implemented ops 2022-05-26 16:04:47 +00:00
mobile Revert "Deprecate torch.lu" 2022-05-09 19:06:44 +00:00
onnx Updates floor_divide to perform floor division (#78411) 2022-05-29 21:28:45 +00:00
package [black][codemod] formatting changes from black 22.3.0 2022-05-12 03:04:35 +00:00
quantization [Quant][fx][bc-breaking] Replace qconfig_dict with a config object (#78452) 2022-05-30 18:30:07 +00:00
scripts
test_img
typing Add typing for torch.return_type 2022-03-29 02:17:21 +00:00
allowlist_for_publicAPI.json [Quant][fx][bc-breaking] Replace qconfig_dict with a config object (#78452) 2022-05-30 18:30:07 +00:00
create_dummy_torchscript_model.py Add test for FC/BC for torchscript file. 2022-04-13 23:23:13 +00:00
delete.py
HowToWriteTestsUsingFileCheck.md
linear.py
load_torchscript_model.py Add test for FC/BC for torchscript file. 2022-04-13 23:23:13 +00:00
run_test.py [reland] Add sharding tests to multigpu-test.sh and fix custom operator decorator (#77987) 2022-05-21 22:33:58 +00:00
simulate_nccl_errors.py
test_ao_sparsity.py [ao][sparsity] make sparsity and PTQ compose (#74845) 2022-04-05 03:35:41 +00:00
test_autocast.py Update operator list for AutocastCPU (#68725) 2022-05-11 17:28:35 +00:00
test_autograd.py [Profiler] Propagate metadata into Engine::evaluate_function event. 2022-05-22 22:39:13 +00:00
test_binary_ufuncs.py Updates floor_divide to perform floor division (#78411) 2022-05-29 21:28:45 +00:00
test_bundled_images.py
test_bundled_inputs.py
test_complex.py [testing] Update dispatch macros (#74977) 2022-03-30 14:13:21 -07:00
test_cpp_api_parity.py
test_cpp_extensions_aot.py
test_cpp_extensions_jit.py Remove breakpad dependency 2022-05-03 20:21:55 +00:00
test_cuda_primary_ctx.py remove hasPrimaryContext workaround on ROCm (#71146) 2022-01-25 20:32:12 +00:00
test_cuda.py Merge torch.cuda._UntypedStorage into torch._UntypedStorage (#75459) 2022-05-19 13:54:39 +00:00
test_dataloader.py Migrate x86 trunk build/test to macos12 2022-05-18 11:59:19 +00:00
test_datapipe.py [DataPipe] Refactor 'mux' to have buffer as an instance variable 2022-05-19 19:55:27 +00:00
test_decomp.py Unconditionally transform dtype arguments to double for upcast 2022-05-31 14:18:49 +00:00
test_deploy.py
test_determination.py
test_dispatch.py Make string serialization of C++ FunctionSchema consistent with torchgen.model.FunctionSchema 2022-05-24 19:39:26 +00:00
test_expanded_weights.py expanded weights: instance norm faster rule 2022-04-19 19:40:09 +00:00
test_foreach.py [testing] Update dispatch macros (#74977) 2022-03-30 14:13:21 -07:00
test_function_schema.py
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 add special handling for resize_() in functionalization pass 2022-05-26 16:15:44 +00:00
test_futures.py
test_fx_experimental.py Add strictness check and made tensors into leaves if input tensors were leaves (#77474) 2022-05-21 01:16:39 +00:00
test_fx.py [test] attempt to functionalize ops with mutable positional-only args 2022-05-19 18:50:34 +00:00
test_hub.py torch.hub security improvement: add new trust_repo parameter 2022-04-05 09:29:25 +00:00
test_import_stats.py
test_indexing.py fix set item to scalar tensor missing gradient info 2022-05-25 21:22:44 +00:00
test_jit_autocast.py Conv BN folding data type issue when conv has no bias (#78241) 2022-05-26 18:42:17 +00:00
test_jit_cuda_fuser.py fixing trivial reduction & broadcast scheduling (#77884) 2022-05-20 02:00:42 +00:00
test_jit_disabled.py
test_jit_fuser_legacy.py
test_jit_fuser_te.py [primTorch] flatten, squeeze, unsqueeze... (#77043) 2022-05-09 11:24:55 +00:00
test_jit_fuser.py
test_jit_legacy.py
test_jit_llga_fuser.py [Reland take-2] Add JIT graph fuser for oneDNN Graph API (v0.5) 2022-05-05 16:57:03 +00:00
test_jit_profiling.py
test_jit_simple.py
test_jit_string.py
test_jit.py Updates floor_divide to perform floor division (#78411) 2022-05-29 21:28:45 +00:00
test_jiterator.py Python Jiterator supports multiple outputs (#78139) 2022-05-24 21:52:56 +00:00
test_kernel_launch_checks.py
test_license.py
test_linalg.py [ROCm] enable test_lobpcg_ortho_cuda_float64 (#78385) 2022-05-28 22:46:23 +00:00
test_logging.py [Codemod][Codemod deprecated unittest asserts] fbcode//caffe2/test (#71708) 2022-03-15 19:28:52 +00:00
test_masked.py Use scatter_reduce to support masked reductions on sparse COO tensors (sum, prod, amin, amax) 2022-05-06 15:40:22 +00:00
test_meta.py Don't check for linalg errors on meta tensors 2022-05-31 14:18:49 +00:00
test_metal.py
test_mkldnn.py Enable fp32/bf16 PRelu forward and backward in MkldnnCPU path (#60427) 2022-05-10 17:29:11 +00:00
test_mobile_optimizer.py Prepare for an update to the XNNPACK submodule (#72642) 2022-02-25 00:39:15 +00:00
test_model_dump.py Prepare for an update to the XNNPACK submodule (#72642) 2022-02-25 00:39:15 +00:00
test_module_init.py [quant][refactor] Remove the base class from __all__ 2022-05-20 17:56:22 +00:00
test_modules.py Enable PyTorch operations on MPS Backend. (#77343) 2022-05-13 18:28:53 +00:00
test_monitor.py torch/monitor: merge Interval and FixedCount stats (#72009) 2022-01-30 23:21:59 +00:00
test_mps.py MPS: Fix crashes in view tensors due to buffer size mismatch (#78496) 2022-05-31 02:09:03 +00:00
test_multiprocessing_spawn.py Make test_multiprocessing_spawn.py compatible with pytest (#50408) 2022-02-10 16:18:46 +00:00
test_multiprocessing.py Fix MPS interaction with autograd engine 2022-05-17 21:26:16 +00: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 Remove deprecated torch.solve (#70986) 2022-05-10 13:44:07 +00:00
test_native_functions.py
test_native_mha.py [PyTorch] Round T up to next multiple of 8 in NestedTensor case 2022-05-25 20:34:19 +00:00
test_nestedtensor.py Adding output_size to to_padded_tensor (#76640) 2022-05-03 18:22:51 +00:00
test_nn.py Back out "add mixed data type mode for LayerNorm forward path" 2022-05-26 02:54:13 +00:00
test_nnapi.py
test_numba_integration.py Remove unwanted comma (#71193) 2022-01-13 19:09:05 -08:00
test_numpy_interop.py torch.tensor: add tests for list of numpy arrays case 2022-04-04 01:02:31 +00:00
test_openmp.py
test_ops_gradients.py Various OpInfo architecture improvements 2022-04-18 21:55:32 +00:00
test_ops_jit.py Various OpInfo architecture improvements 2022-04-18 21:55:32 +00:00
test_ops.py MNT Check that torch._refs are in python_ref_db (#78222) 2022-05-25 22:57:57 +00:00
test_optim.py Adding maximize to Adamax (#77409) 2022-05-16 17:34:44 +00:00
test_overrides.py Revert "Revert "Implement sym_sizes to create proper IR for sym ints representing tensor sizes (#76836)"" 2022-05-18 18:40:57 +00:00
test_package.py
test_per_overload_api.py Update __torch_dispatch__ to return op overload instead of the opoverload packet function (#72673) 2022-03-07 22:38:42 +00:00
test_prims.py skip primTorch nvfuser tests on rocm (#77468) 2022-05-16 18:17:31 +00:00
test_profiler.py [PyTorch] Integrate Execution Graph Observer into PyTorch Profiler (#75358) 2022-05-26 08:06:27 +00:00
test_pruning_op.py
test_public_bindings.py Merge torch.cuda._UntypedStorage into torch._UntypedStorage (#75459) 2022-05-19 13:54:39 +00:00
test_python_dispatch.py Modernize LoggingTensorMode 2022-05-24 22:41:49 +00:00
test_pytree.py Register torch.return_types.* as pytree nodes 2022-04-19 13:46:20 +00:00
test_quantization.py [reland][quant] Add utility function get_fqn_to_example_inputs 2022-05-25 23:31:51 +00:00
test_reductions.py Fix mean bug for integral tensors. (#76584) 2022-05-15 06:51:28 +00:00
test_scatter_gather_ops.py Bugfix NAN and Inf handling for scatter_reduce (amin and amax) 2022-05-06 15:39:57 +00:00
test_segment_reductions.py
test_serialization.py Make sure requires_grad is propagated for all backend 2022-04-25 19:31:24 +00:00
test_set_default_mobile_cpu_allocator.py
test_shape_ops.py [testing] Update dispatch macros (#74977) 2022-03-30 14:13:21 -07:00
test_show_pickle.py
test_sort_and_select.py Speedup segmented sort with large nsort 2022-05-11 16:24:28 +00:00
test_sparse_csr.py Fix sparse BSR tensor validation. 2022-05-27 13:26:35 +00:00
test_sparse.py Updates floor_divide to perform floor division (#78411) 2022-05-29 21:28:45 +00:00
test_spectral_ops.py [complex32] fft support (cuda only) (#74857) 2022-05-12 04:28:55 +00:00
test_stateless.py Added setattr to functional_call. (#77137) 2022-05-17 05:40:46 +00:00
test_static_runtime.py Fix quicklints (#72256) 2022-02-03 15:17:35 +00:00
test_subclass.py Throw a nice error when SubTensor.__torch_dispatch__() returns the wrong type for detach() 2022-05-18 20:00:42 +00:00
test_tensor_creation_ops.py Add BFloat16 support for GLU, and randperm operators on CPU (#61944) 2022-05-12 17:41:57 +00:00
test_tensorboard.py Cannibalize noarch CI job into crossref CI job 2022-04-20 11:56:25 +00:00
test_tensorexpr_pybind.py [NNC] Lowering function generates the output buffer with the specified stride (#76529) 2022-05-04 20:04:22 +00:00
test_tensorexpr.py [NNC] channels last propagation within NNC fusion group (#76948) 2022-05-30 18:31:49 +00:00
test_testing.py Add test_imports (#77728) 2022-05-21 02:11:34 +00:00
test_throughput_benchmark.py
test_torch.py Add meta device support to _UntypedStorage and _TypedStorage (#78008) 2022-05-28 15:33:45 +00:00
test_type_hints.py
test_type_info.py ENH: Convert finfo.tiny to finfo.smallest_normal (#76292) 2022-05-20 00:59:48 +00:00
test_type_promotion.py [fix] complex type promotion (#77524) 2022-05-20 10:23:56 +00:00
test_typing.py
test_unary_ufuncs.py Add BFloat16 support for GLU, and randperm operators on CPU (#61944) 2022-05-12 17:41:57 +00:00
test_utils.py Fix issue with _checkpoint_without_reentrant 2022-05-05 17:37:31 +00:00
test_view_ops.py Revert "Revert "Implement sym_sizes to create proper IR for sym ints representing tensor sizes (#76836)"" 2022-05-18 18:40:57 +00:00
test_vmap.py
test_vulkan.py
test_xnnpack_integration.py Update XNNPACK (#73467) 2022-02-28 06:09:26 +00:00