pytorch/test
2022-09-29 17:02:04 +00:00
..
ao/sparsity [Quant] Add unified x86 quant backend (#84329) 2022-09-29 00:44:40 +00:00
autograd
backends/xeon A Launch script with Best Recipe of Deep Learning on Intel Xeon CPU (#63932) 2022-07-29 12:57:22 +00:00
benchmark_utils
bottleneck_test
cpp Add python nested_tensor and as_nested_tensor constructors in torch.nested (#85593) 2022-09-28 20:15:02 +00:00
cpp_api_parity
cpp_extensions [2/N] [Dispatchable Collectives] Extract ProcessGroup::Work into a separate class and update references (#83680) 2022-09-14 13:05:58 +00:00
custom_backend
custom_operator
distributed Revert "C10D extension to enable per-thread PG (#84153)" 2022-09-29 13:51:05 +00:00
distributions Revert "Add mkl implementation for exponential on CPU (#69967)" 2022-09-08 20:30:23 +00:00
error_messages
expect [FX] Add one option to maintain the FX graph execution order after splitting_module (#85188) 2022-09-23 23:21:54 +00:00
forward_backward_compatibility Add python nested_tensor and as_nested_tensor constructors in torch.nested (#85593) 2022-09-28 20:15:02 +00:00
fx [quant][ao_migration] nn.intrinsic migration to ao (#84842) 2022-09-28 23:54:29 +00:00
jit [JIT] support freezing modules that don't have a forward method (#85779) 2022-09-28 17:05:01 +00:00
jit_hooks
lazy Revert "Revert "Symintifying slice ops (#85196)"" (#85746) 2022-09-28 04:37:35 +00:00
mobile [quant][ao_migration] torch.nn.quantized.modulestorch.ao.nn.quantized.modules (#78713) 2022-08-25 16:50:33 +00:00
nn [fix] max_pool1d: shape check (#85594) 2022-09-29 15:40:09 +00:00
onnx [ONNX] Update behavior for register_custom_op_symbolic (#85636) 2022-09-29 04:24:06 +00:00
package
profiler [Profiler][trivial] Optimizer states (part 4 of Record Optimizer) (#85840) 2022-09-29 07:28:33 +00:00
quantization [qat]A more stable conv_bn fusion for qat training. (#85744) 2022-09-29 07:58:54 +00:00
scripts
test_img
typing
allowlist_for_publicAPI.json [quant][ao_migration] nn.intrinsic migration to ao (#84842) 2022-09-28 23:54:29 +00:00
conftest.py
create_dummy_torchscript_model.py
delete.py
functorch Enable pytest-shard for functorch (#85321) 2022-09-24 01:17:04 +00:00
HowToWriteTestsUsingFileCheck.md
linear.py
load_torchscript_model.py
mkl_verbose.py [RFC] enable oneMKL&oneDNN on-demands verbose functinality (#63212) 2022-07-27 23:29:35 +00:00
mkldnn_verbose.py [RFC] enable oneMKL&oneDNN on-demands verbose functinality (#63212) 2022-07-27 23:29:35 +00:00
run_doctests.sh Integrate xdoctest - Rebased (#82797) 2022-08-12 02:08:01 +00:00
run_test.py Enable pytest-shard for functorch (#85321) 2022-09-24 01:17:04 +00:00
simulate_nccl_errors.py
test_ao_sparsity.py [ao][sparsity] Data Sparsity with Post Training Quantization (#82759) 2022-08-10 16:51:35 +00:00
test_autocast.py
test_autograd.py Add mechanism to disable the "saved tensors hooks" feature (#85553) 2022-09-28 22:49:28 +00:00
test_binary_ufuncs.py Add bfloat16 support for lerp on CPU (#84327) 2022-09-29 01:16:16 +00:00
test_bundled_images.py
test_bundled_inputs.py
test_comparison_utils.py Add aten _assert_tensor_metadata op (#84617) 2022-09-19 20:48:09 +00:00
test_complex.py
test_cpp_api_parity.py Make M1 tests green (#82213) 2022-08-05 16:12:08 +00:00
test_cpp_extensions_aot.py
test_cpp_extensions_jit.py Reenable TestCppExtensionJIT on M1 (#84552) 2022-09-06 17:49:29 +00:00
test_cpp_extensions_open_device_registration.py Make M1 tests green (#82213) 2022-08-05 16:12:08 +00:00
test_cuda_primary_ctx.py
test_cuda_sanitizer.py Rework printing tensor aliases in CSAN error message (#85008) 2022-09-21 13:41:52 +00:00
test_cuda_trace.py Add synchronize hooks (#84427) 2022-09-09 13:56:59 +00:00
test_cuda.py resubmit: "resubmit: [mta] APEX style Fused Adam (#81705) (#85507)" (#85739) 2022-09-29 16:58:59 +00:00
test_dataloader.py [DataPipe] Reset Shuffler's iterator when NotStarted (#83535) 2022-08-25 19:45:41 +00:00
test_datapipe.py [DataPipe] Fix MapDataPipe spawn lambda test (#85668) 2022-09-27 19:58:15 +00:00
test_decomp.py Improve make_tensor performance for float and complex types (#85473) 2022-09-29 11:46:09 +00:00
test_deploy.py
test_determination.py
test_dispatch.py Remove unnecessary skips in test_dispatch.py (#85557) 2022-09-26 15:35:47 +00:00
test_dlpack.py Normalize DLPack stride to 1 where shape < 2 (#83158) 2022-08-23 15:03:29 +00:00
test_dynamic_shapes.py Slightly beefed up dynamic shapes tests for storage_offset (#85806) 2022-09-28 19:25:22 +00:00
test_expanded_weights.py [Expanded Weights] add 'same' and 'valid' padding support (#83345) 2022-08-16 22:39:08 +00:00
test_fake_tensor.py Handle fake tensor in intlist (#85759) 2022-09-28 21:58:54 +00:00
test_foreach.py Test Dynamo CI w Fake Tensors (#84282) 2022-09-01 00:15:05 +00:00
test_function_schema.py [frontend] Print real type for Argument (#85103) 2022-09-15 22:16:32 +00:00
test_functional_autograd_benchmark.py
test_functional_optim.py
test_functionalization.py Refactored proxytensor to clean up separate branches (#84325) 2022-08-31 09:37:55 +00:00
test_futures.py [torch.futures] Fix nullptr deref (#85304) 2022-09-20 01:49:04 +00:00
test_fx_backends.py [ROCm] enable nvfuser (#82498) 2022-08-30 21:50:39 +00:00
test_fx_experimental.py [fx] Make NormalizeArgs preserve node type (#85637) 2022-09-26 21:30:16 +00:00
test_fx_passes.py Support matching Args for SubgraphMatcher (#85456) 2022-09-24 20:06:48 +00:00
test_fx_reinplace_pass.py [CMake] Add functorch target (#83464) 2022-09-14 00:05:33 +00:00
test_fx.py [FX] Add one option to maintain the FX graph execution order after splitting_module (#85188) 2022-09-23 23:21:54 +00:00
test_hub.py
test_import_stats.py
test_indexing.py Re-enable fixed dynamo tests (#84969) 2022-09-16 15:36:52 +00:00
test_itt.py add itt unit test and docstrings (#84848) 2022-09-28 01:39:58 +00:00
test_jit_autocast.py [JIT] Retry - Support scripting torch.is_autocast_enabled() (#82394) 2022-08-10 18:26:17 +00:00
test_jit_cuda_fuser.py [NVFuser] Upstream push 0907 (#84626) 2022-09-23 20:29:48 +00:00
test_jit_disabled.py
test_jit_fuser_legacy.py
test_jit_fuser_te.py Optimize to if the datatyep of the source tensor is as same as the dest datatype (#85140) 2022-09-27 04:40:42 +00:00
test_jit_fuser.py
test_jit_legacy.py
test_jit_llga_fuser.py add oneDNN graph fuser context API and unittest (#82491) 2022-09-12 20:09:00 +00:00
test_jit_profiling.py
test_jit_simple.py
test_jit_string.py
test_jit.py Update Dynamo pin (#83829) 2022-08-26 20:49:43 +00:00
test_jiterator.py [ROCm] enable jiterator (#77982) 2022-08-15 16:04:09 +00:00
test_kernel_launch_checks.py
test_license.py
test_linalg.py Add path optimize kwarg to einsum (#84890) 2022-09-24 03:47:36 +00:00
test_logging.py
test_masked.py [maskedtensor] port torch/_masked into torch/masked (#85515) 2022-09-26 23:41:13 +00:00
test_maskedtensor.py [maskedtensor] port torch/_masked into torch/masked (#85515) 2022-09-26 23:41:13 +00:00
test_meta.py Handling for getitem with boolean in meta, and other improvements (#85807) 2022-09-28 16:53:53 +00:00
test_metal.py
test_mkl_verbose.py [RFC] enable oneMKL&oneDNN on-demands verbose functinality (#63212) 2022-07-27 23:29:35 +00:00
test_mkldnn_fusion.py [NNC] support aten::_convolution when it is 2D conv (#84038) 2022-09-19 17:45:20 +00:00
test_mkldnn_verbose.py [RFC] enable oneMKL&oneDNN on-demands verbose functinality (#63212) 2022-07-27 23:29:35 +00:00
test_mkldnn.py test mkldnn conv2d channels last when weight is nchw format (#77348) 2022-09-09 07:28:04 +00:00
test_mobile_optimizer.py
test_model_dump.py Fix failing test_model_dump due to empty file (#84744) 2022-09-12 20:59:19 +00:00
test_module_init.py [quant][ao_migration] torch.nn.qattorch.ao.nn.qat (#78716) 2022-08-25 16:50:38 +00:00
test_modules.py TestModule: Don't assume sample inputs version counter is zero (#85734) 2022-09-28 19:32:06 +00:00
test_monitor.py
test_mps.py [MPS] Add tensor::index_put op (#85672) 2022-09-28 00:47:52 +00:00
test_multiprocessing_spawn.py
test_multiprocessing.py [ROCm] Enable test_multiprocessing tests (#82356) 2022-08-24 20:49:20 +00:00
test_namedtensor.py Revert "Update amax/amin/norm/count_nonzero signatures with int[*]? dim (#83300)" 2022-09-28 17:04:53 +00:00
test_namedtuple_return_api.py Remove deprecated torch.lstsq (#70980) 2022-09-23 00:16:55 +00:00
test_native_functions.py
test_native_mha.py Add python nested_tensor and as_nested_tensor constructors in torch.nested (#85593) 2022-09-28 20:15:02 +00:00
test_nestedtensor.py Allow only one -1 in nested view/reshape (#85691) 2022-09-28 22:29:40 +00:00
test_nn.py Use int64_t for nll_loss with cuda inputs (#85395) 2022-09-29 17:02:04 +00:00
test_nnapi.py [quant][ao_migration] torch.nn.quantized.modulestorch.ao.nn.quantized.modules (#78713) 2022-08-25 16:50:33 +00:00
test_numba_integration.py
test_numpy_interop.py
test_nvfuser_frontend.py Create Cache for Fusion Reuse in NVFuser in Python Frontend for Primtorch (#85045) 2022-09-17 10:52:54 +00:00
test_openmp.py
test_ops_gradients.py Reenable slow gradcheck and make it pass (#80514) 2022-07-22 02:05:37 +00:00
test_ops_jit.py OpInfo for Slice (#85554) 2022-09-23 22:01:32 +00:00
test_ops.py Turn on aliasing tests for fake backwards, Fix Batch norm running mean/var decomp aliasing (#85471) 2022-09-28 23:06:59 +00:00
test_optim.py resubmit: "resubmit: [mta] APEX style Fused Adam (#81705) (#85507)" (#85739) 2022-09-29 16:58:59 +00:00
test_overrides.py [Modes] fix handle_torch_funcion logic (#85707) 2022-09-27 18:35:51 +00:00
test_package.py
test_per_overload_api.py Add OpOverload.decompose API (#83075) 2022-08-09 18:53:19 +00:00
test_prims.py catches failure on nvprim speculative lowering (#85580) 2022-09-29 15:22:45 +00:00
test_proxy_tensor.py Implement duck shaping on SymInts (#85808) 2022-09-29 00:45:53 +00:00
test_pruning_op.py
test_public_bindings.py More SymFloat support (#85411) 2022-09-22 08:07:22 +00:00
test_python_dispatch.py [Modes] remove enable and rewrite mode stack (squashed) (#84774) 2022-09-27 01:04:35 +00:00
test_pytree.py Add *_only and all/any pytree utilities (#83316) 2022-08-12 17:31:55 +00:00
test_quantization.py [quant][ao_migration] nn.intrinsic migration to ao (#84842) 2022-09-28 23:54:29 +00:00
test_reductions.py [maskedtensor] port torch/_masked into torch/masked (#85515) 2022-09-26 23:41:13 +00:00
test_scatter_gather_ops.py Add deterministic impl of scatter_add CUDA for all input sizes (#79466) 2022-09-07 03:12:49 +00:00
test_schema_check.py [Modes] remove enable and rewrite mode stack (squashed) (#84774) 2022-09-27 01:04:35 +00:00
test_segment_reductions.py
test_serialization.py Rename _Typed/_UntypedStorage to Typed/UntypedStorage and update docs (#82438) 2022-07-30 19:37:08 +00:00
test_set_default_mobile_cpu_allocator.py
test_shape_ops.py
test_show_pickle.py
test_sort_and_select.py Re-enable fixed dynamo tests (#84969) 2022-09-16 15:36:52 +00:00
test_sparse_csr.py Enable CSC @ CSC addmm (#85379) 2022-09-27 19:49:31 +00:00
test_sparse.py [maskedtensor] port torch/_masked into torch/masked (#85515) 2022-09-26 23:41:13 +00:00
test_spectral_ops.py Fix use-dict-literal lint (#83718) 2022-08-24 00:26:46 +00:00
test_stateless.py
test_static_runtime.py
test_subclass.py [torchdynamo hash update] update the pinned torchdynamo hash (#85225) 2022-09-26 20:07:13 +00:00
test_tensor_creation_ops.py [reland] [numpy] add torch.concatenate, alias of torch.cat (#85073) 2022-09-15 19:34:44 +00:00
test_tensorboard.py
test_tensorexpr_pybind.py
test_tensorexpr.py Use high precision accmulate buffer for bf16 accmulation (#84402) 2022-09-27 04:40:42 +00:00
test_testing.py Move OpInfo class into new opinfo folder (#82540) 2022-08-05 15:10:17 +00:00
test_throughput_benchmark.py
test_torch.py Add python nested_tensor and as_nested_tensor constructors in torch.nested (#85593) 2022-09-28 20:15:02 +00:00
test_transformers.py Add python nested_tensor and as_nested_tensor constructors in torch.nested (#85593) 2022-09-28 20:15:02 +00:00
test_type_hints.py
test_type_info.py
test_type_promotion.py Land "Make ceil,floor,round,trunc handle integers" (#85144) 2022-09-21 17:23:47 +00:00
test_typing.py
test_unary_ufuncs.py Adding multigammaln ref and fix arange (#85153) 2022-09-20 17:52:56 +00:00
test_utils.py Fix inheritance in TestDataLoaderUtil (#85018) 2022-09-14 22:04:43 +00:00
test_view_ops.py
test_vmap.py
test_vulkan.py
test_xnnpack_integration.py