..
ao /sparsity
add pruning method: Filter Pruning via Geometric Median for Deep Convolutional Neural Networks Acceleration ( #95689 )
2023-08-02 16:24:42 +00:00
autograd
Don't run test/autograd/test_fallback.py in parallel ( #106866 )
2023-08-10 00:26:23 +00:00
backends /xeon
benchmark_utils
[BE] Enable ruff's UP rules and autoformat test/ ( #105434 )
2023-07-19 20:36:06 +00:00
bottleneck_test
cpp
[aotinductor] Add AOTIModelRunner as a utility class ( #110891 )
2023-10-11 15:58:28 +00:00
cpp_api_parity
[BE]: Update ruff to 0.285 ( #107519 )
2023-08-22 23:16:38 +00:00
cpp_extensions
Fix CPUFallback Mechinasm on TensorList Type ( #105209 )
2023-08-05 15:38:30 +00:00
custom_backend
[BE] Enable ruff's UP rules and autoformat test/ ( #105434 )
2023-07-19 20:36:06 +00:00
custom_operator
Add torch.ops.import_module ( #110090 )
2023-09-27 13:56:47 +00:00
distributed
Move export.constrain_as_* to torch._constrain_as_* ( #110757 )
2023-10-11 02:37:55 +00:00
distributions
[BE]: Enable some basic pytest style rules ( #110362 )
2023-10-05 21:40:43 +00:00
dynamo
Revert "Reland 3rd try [finishing colesbury's PR 100642] Guard on nn.Module dicts and type ( #109323 )" + Forward fixes + test ( #110964 )
2023-10-11 05:16:47 +00:00
edge
[executorch][kernel reg] Allow kernel manual registration ( #110086 )
2023-09-27 16:04:20 +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
Revert "[core ATen IR] Add decompositions for max, min, var_mean ( #110906 )"
2023-10-11 11:41:21 +00:00
export
Revert "[core ATen IR] Add decompositions for max, min, var_mean ( #110906 )"
2023-10-11 11:41:21 +00:00
forward_backward_compatibility
Flash Attention v2 ( #105602 )
2023-09-13 13:59:05 +00:00
functorch
[cond] Add more tests for valid inputs of cond ( #110727 )
2023-10-11 15:56:13 +00:00
fx
[fx][subgraph_matcher] Add a matcher that supports name to node map ( #110743 )
2023-10-10 22:21:24 +00:00
inductor
[inductor] Implement Fx graph caching to improve warm compilation time. ( #103453 )
2023-10-11 14:39:14 +00:00
jit
update type() calling to not use unneeded device ( #110163 )
2023-09-28 17:34:46 +00:00
jit_hooks
lazy
[LTC] correct AdaptiveAvgPool3d channel dim index for shape inference ( #109822 )
2023-09-29 22:54:12 +00:00
mobile
Add a workflow to release Android binaries ( #110976 )
2023-10-11 00:19:33 +00:00
nn
Revert "[ROCm] Remove PYTORCH_MIOPEN_SUGGEST_NHWC flag ( #90725 )" ( #110319 )
2023-10-03 19:14:47 +00:00
onnx
[ONNX] Create onnxscript-torchlib specific xfails/skips for fx tests ( #110536 )
2023-10-05 00:39:05 +00:00
onnx_caffe2
Revert "[ONNX] Remove the depreacated function _export ( #109763 )"
2023-09-25 17:47:21 +00:00
optim
feat(optim): add SGD sparse multitensor to testing path ( #110562 )
2023-10-06 07:48:25 +00:00
package
[BE] Enable ruff's UP rules and autoformat test/ ( #105434 )
2023-07-19 20:36:06 +00:00
profiler
[profiler] Show shapes for lists of tensors in chrome traces #109263 ( #109751 )
2023-09-26 01:03:54 +00:00
quantization
[quant][pt2] Preserve source_fn_stack after QAT fusion ( #110899 )
2023-10-11 02:55:52 +00:00
scripts
test_img
torch_np
[BE]: Enable some basic pytest style rules ( #110362 )
2023-10-05 21:40:43 +00:00
typing
Improve type annotations for jit.script ( #108782 )
2023-09-13 19:20:25 +00:00
_test_bazel.py
allowlist_for_publicAPI.json
Fix public binding check to check all submodules ( #110601 )
2023-10-08 00:36:31 +00:00
conftest.py
create_dummy_torchscript_model.py
delete.py
HowToWriteTestsUsingFileCheck.md
linear.py
load_torchscript_model.py
minioptest_failures_dict.json
[generate_opcheck_tests] Enable using same failures_dict for multiple testclasses ( #110164 )
2023-09-28 17:56:45 +00:00
mkl_verbose.py
mkldnn_verbose.py
run_doctests.sh
run_test.py
Add test_jit_cuda_fuser to ROCM_BLOCKLIST ( #110440 )
2023-10-06 08:47:15 +00:00
simulate_nccl_errors.py
test_ao_sparsity.py
add pruning method: Filter Pruning via Geometric Median for Deep Convolutional Neural Networks Acceleration ( #95689 )
2023-08-02 16:24:42 +00:00
test_autocast.py
Allow float dtype when Autocast CPU Disabled ( #107348 )
2023-09-01 00:49:44 +00:00
test_autograd_fallback.py
Don't run test/autograd/test_fallback.py in parallel ( #106866 )
2023-08-10 00:26:23 +00:00
test_autograd.py
Add set_checkpoint_debug_enabled that overrides local setting ( #110728 )
2023-10-11 02:12:31 +00:00
test_binary_ufuncs.py
[BE]: Update ruff to 0.285 ( #107519 )
2023-08-22 23:16:38 +00:00
test_bundled_images.py
test_bundled_inputs.py
test_comparison_utils.py
test_compile_benchmark_util.py
unify TEST_CUDA ( #106685 )
2023-08-10 09:01:36 +00:00
test_complex.py
Don't fastpath conj copy when conj/neg bit mismatch ( #108881 )
2023-09-08 20:44:43 +00:00
test_content_store.py
test_cpp_api_parity.py
Reland: Remove remaining global set_default_dtype calls from tests ( #108088 )
2023-09-07 03:04:34 +00:00
test_cpp_extensions_aot.py
add torch.device to python type ( #108116 )
2023-09-18 02:20:30 +00:00
test_cpp_extensions_jit.py
fix TEST_ROCM definition to disable test_jit_cudnn_extension on rocm ( #110385 )
2023-10-04 20:02:02 +00:00
test_cpp_extensions_open_device_registration.py
unify TEST_CUDA ( #106685 )
2023-08-10 09:01:36 +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
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
unify TEST_CUDA ( #106685 )
2023-08-10 09:01:36 +00:00
test_cuda_trace.py
unify TEST_CUDA ( #106685 )
2023-08-10 09:01:36 +00:00
test_cuda.py
Fix typo under test directory ( #110826 )
2023-10-08 20:52:38 +00:00
test_custom_ops.py
[generate_opcheck_tests] Add some reasonable defaults ( #110977 )
2023-10-11 14:28:05 +00:00
test_dataloader.py
StackDataset batched sampling ( #110694 )
2023-10-10 22:05:51 +00:00
test_datapipe.py
Disable compile for massive data pipe test ( #109063 )
2023-09-12 00:15:52 +00:00
test_decomp.py
Revert "[core ATen IR] Add decompositions for max, min, var_mean ( #110906 )"
2023-10-11 11:41:21 +00:00
test_deploy.py
test_determination.py
test_dispatch.py
[BE]: Update ruff to 0.285 ( #107519 )
2023-08-22 23:16:38 +00:00
test_dlpack.py
Add DLPack bool support ( #108486 )
2023-09-08 17:55:33 +00:00
test_dynamic_shapes.py
Make NestedTensor compilable with eager backend ( #109171 )
2023-10-11 04:47:10 +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
Define the public API for torch.distributed.fsdp ( #109922 )
2023-09-28 02:15:58 +00:00
test_flop_counter.py
Add option to flop counter formula registration to get raw values ( #110591 )
2023-10-05 21:14:41 +00:00
test_foreach.py
[foreach] Fix 0-size handling for real for real ( #109402 )
2023-09-26 17:38:20 +00:00
test_function_schema.py
test_functional_autograd_benchmark.py
test_functional_optim.py
Cudagraphs support for compiled optimizers ( #107504 )
2023-08-31 20:47:18 +00:00
test_functionalization_of_rng_ops.py
test_functionalization.py
Make FunctionalTensor subclass to be more like functorch (interaction with ZeroTensor + Conjugate key) ( #109023 )
2023-09-22 07:09:04 +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
Run translation validation on tracing error. ( #106645 )
2023-08-14 13:43:34 +00:00
test_fx_passes.py
test_fx_reinplace_pass.py
test_fx.py
Replace node.meta source_fn with source_fn_stack ( #108595 )
2023-09-28 18:18:36 +00:00
test_hub.py
Default permissions for torch.hub downloads ( #82869 )
2023-08-24 15:48:24 +00:00
test_import_stats.py
test_indexing.py
[Fix Bug] Cannot assign index like x[[1,2], :] = 2 when torch.use_deterministic_algorithms(True) to main ( #105833 )
2023-08-07 17:00:19 +00:00
test_itt.py
test_jit_autocast.py
test_jit_disabled.py
test_jit_fuser_legacy.py
test_jit_fuser_te.py
[jit] Skip NNAPI, test_ivalue, CPU NNC tests in fbcode ( #108937 )
2023-09-11 22:42:30 +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
Reland: Remove remaining global set_default_dtype calls from tests ( #108088 )
2023-09-07 03:04:34 +00:00
test_jiterator.py
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
Revise def of contiguity in bmm ( #110811 )
2023-10-10 06:48:08 +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
test_matmul_cuda.py
Add better error messaging to scaled_mm ( #108454 )
2023-09-07 21:26:47 +00:00
test_meta.py
Add meta kernel for ctc_loss.intList ( #107949 )
2023-10-09 16:35:14 +00:00
test_metal.py
test_mkl_verbose.py
test_mkldnn_fusion.py
Add channels_last3d support for mkldnn conv and mkldnn deconv ( #95271 )
2023-08-30 02:53:30 +00:00
test_mkldnn_verbose.py
test_mkldnn.py
add fp16 support for gemm ( #99498 )
2023-09-28 01:03:50 +00:00
test_mobile_optimizer.py
[BE]: Update ruff to 0.285 ( #107519 )
2023-08-22 23:16:38 +00:00
test_model_dump.py
test_model_exports_to_core_aten.py
[aten decomp] Update sdpa decom ( #108371 )
2023-09-03 15:17:08 +00:00
test_module_init.py
Reland "Add nn.CircularPad{*}d for consistency + fix no_batch_dim support ( #106148 )" ( #106632 )
2023-08-07 20:10:25 +00:00
test_modules.py
Add backward check for test_memory_format ( #106104 )
2023-08-25 18:11:54 +00:00
test_monitor.py
test_mps.py
[MPS] Add support for Softshrink to MPS Backend ( #110814 )
2023-10-11 07:55:39 +00:00
test_multiprocessing_spawn.py
test_multiprocessing.py
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
test_native_mha.py
test_nestedtensor.py
Make NestedTensor compilable with eager backend ( #109171 )
2023-10-11 04:47:10 +00:00
test_nn.py
add Half support for BatchNorm on CPU ( #102070 )
2023-09-19 10:43:33 +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
Implement numpy(force=True) ( #109636 )
2023-09-20 20:06:13 +00:00
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
Reland: Remove remaining global set_default_dtype calls from tests ( #108088 )
2023-09-07 03:04:34 +00:00
test_ops_gradients.py
Reland: Remove remaining global set_default_dtype calls from tests ( #108088 )
2023-09-07 03:04:34 +00:00
test_ops_jit.py
Reland: Remove remaining global set_default_dtype calls from tests ( #108088 )
2023-09-07 03:04:34 +00:00
test_ops.py
[inductor] Re-enable more fixed tests ( #110798 )
2023-10-09 04:36:51 +00:00
test_optim.py
test_out_dtype_op.py
Allow registering decomps for HigherOrderOp; add decomp for out_dtype ( #108080 )
2023-08-31 03:15:38 +00:00
test_overrides.py
Disabled UserWarnings for some public functions in torch.overrides ( #109890 )
2023-09-23 20:40:04 +00:00
test_package.py
test_per_overload_api.py
test_prims.py
fix infinite loop with primtorch and .to(meta) ( #109632 )
2023-09-22 07:09:04 +00:00
test_proxy_tensor.py
Move export.constrain_as_* to torch._constrain_as_* ( #110757 )
2023-10-11 02:37:55 +00:00
test_pruning_op.py
NumPy support in torch.compile ( #106211 )
2023-08-11 00:39:32 +00:00
test_public_bindings.py
Add a test to make sure all modules in the codebase are importable ( #110598 )
2023-10-08 03:52:30 +00:00
test_python_dispatch.py
Rename torch._C._TensorBase to TensorBase ( #109940 )
2023-09-25 19:10:22 +00:00
test_pytree.py
[pytree] Extract reusable generic tests for pytree ( #110395 )
2023-10-04 23:40:50 +00:00
test_quantization.py
[quant][pt2e] Enable constant folding for quantize ops ( #109343 )
2023-09-27 06:04:45 +00:00
test_reductions.py
Fix typo under test directory ( #110826 )
2023-10-08 20:52:38 +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
When byteorder record is missing load as little endian by default ( #108343 )
2023-09-04 15:20:22 +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
Move has_triton to top level triton utils so that dynamo can also access ( #109832 )
2023-09-22 19:33:41 +00:00
test_sparse_semi_structured.py
[sparse] Fix semi-structured sparse shape mismatch bug ( #110420 )
2023-10-10 03:07:31 +00:00
test_sparse.py
fall back to eager on NotImplementedError ( #107863 )
2023-09-07 21:22:20 +00:00
test_spectral_ops.py
Feature/stft no window warn ( #110695 )
2023-10-07 20:24:36 +00:00
test_stateless.py
Throw error if stateless.functional_call called with nn.DataParallel ( #107403 )
2023-08-18 03:02:04 +00:00
test_static_runtime.py
test_subclass.py
Allow storage() to work on python tensor subclasses, but error on future data accesses ( #107417 )
2023-08-22 15:25:31 +00:00
test_sympy_utils.py
[reland] Add symbolic singleton int ( #110674 )
2023-10-10 19:37:17 +00:00
test_tensor_creation_ops.py
Reland: Remove remaining global set_default_dtype calls from tests ( #108088 )
2023-09-07 03:04:34 +00:00
test_tensorboard.py
Add tensorboard to pip requirements ( #109349 )
2023-09-15 10:39:48 +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
[Inductor CUTLASS backend] Step 1: Inductor config for cuda / cutlass, util functions. ( #107802 )
2023-09-12 17:44:32 +00:00
test_throughput_benchmark.py
test_torch.py
Re-enable a couple of fixed tests ( #110770 )
2023-10-10 19:13:14 +00:00
test_transformers.py
Adding Backward Support for NestedTensors and FlashAttention ( #97485 )
2023-10-10 18:08:17 +00:00
test_type_hints.py
test_type_info.py
Add finfo properties for float8 dtypes ( #109744 )
2023-09-21 03:41:48 +00:00
test_type_promotion.py
Fix type promotion of float8_e5m2 and float8_e4m3fn ( #110279 )
2023-10-05 01:28:48 +00:00
test_typing.py
test_unary_ufuncs.py
[BE]: Update ruff to 0.285 ( #107519 )
2023-08-22 23:16:38 +00:00
test_utils.py
Clean up test_external_module_register ( #110254 )
2023-09-29 17:02:13 +00:00
test_view_ops.py
Implement numpy(force=True) ( #109636 )
2023-09-20 20:06:13 +00:00
test_vulkan.py
test_weak.py
removing some redundant str splits ( #106089 )
2023-09-01 00:22:58 +00:00
test_xnnpack_integration.py
[BE] Enable ruff's UP rules and autoformat test/ ( #105434 )
2023-07-19 20:36:06 +00:00