| .. |
|
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
|
[JIT] Register decomp reland
|
2022-04-26 23:17:18 +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
|
support PackedSequence type for apply_for_tensors
|
2022-04-26 22:03:25 +00:00 |
|
distributions
|
Improve numerical stability of torch.distributions.wishart.Wishart (#72993)
|
2022-03-15 18:30:08 +00:00 |
|
error_messages
|
|
|
|
expect
|
Fix ONNX ATen fallback for non-caffe2 engines
|
2022-04-14 23:18:45 +00:00 |
|
forward_backward_compatibility
|
Revert "functionalization: add support for zero_()"
|
2022-04-26 19:27:27 +00:00 |
|
fx
|
[test_fx_const_fold] Remove dependencies on acc_* (#72810)
|
2022-02-14 20:46:54 +00:00 |
|
jit
|
[JIT] Register decomp reland
|
2022-04-26 23:17:18 +00:00 |
|
jit_hooks
|
[ROCM] Enable custom tests on rocm
|
2022-04-26 14:22:14 +00:00 |
|
lazy
|
Dynamo+LTC: handle inplace ops (#75359)
|
2022-04-08 03:14:28 +00:00 |
|
mobile
|
[mobile test] Update and rename README to README.md
|
2022-04-26 22:44:03 +00:00 |
|
onnx
|
[ONNX] Support restricted quantized range for activation.
|
2022-04-25 01:17:21 +00:00 |
|
package
|
Revert D35423079: [pkg] add generic ZipFile Reader/Writer
|
2022-04-07 13:33:47 +00:00 |
|
quantization
|
fx quant: add quantized Softmax workflow integration (#75106)
|
2022-04-20 21:54:26 +00:00 |
|
scripts
|
|
|
|
test_img
|
|
|
|
typing
|
Add typing for torch.return_type
|
2022-03-29 02:17:21 +00:00 |
|
allowlist_for_publicAPI.json
|
Fix data-related public API (#368)
|
2022-04-21 17:27:05 -07: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
|
Make -h work with run_test.py
|
2022-04-25 14:01:33 +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
|
|
|
|
test_autograd.py
|
Back out "record_function: update to use custom_class API" (#76253)
|
2022-04-26 17:49:57 -04:00 |
|
test_binary_ufuncs.py
|
[ROCm] unskip test_fmod_remainder_by_zero_integral
|
2022-04-22 17:34:36 +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
|
Revert "Remove breakpad dependency"
|
2022-04-17 17:58:51 +00:00 |
|
test_cuda_primary_ctx.py
|
|
|
|
test_cuda.py
|
add rocm ciflow/slow workflow
|
2022-04-22 17:41:28 +00:00 |
|
test_dataloader.py
|
Update Dataloader with default parameter device (#65402)
|
2022-04-21 01:33:53 +00:00 |
|
test_datapipe.py
|
[DataPipe] Add funtional API docstring and fix typo in test
|
2022-04-25 14:16:53 +00:00 |
|
test_deploy.py
|
|
|
|
test_determination.py
|
|
|
|
test_dispatch.py
|
Towards supporting quantized structured kernels (#74560)
|
2022-04-05 04:31:48 +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
|
|
|
|
test_functional_optim.py
|
|
|
|
test_functionalization.py
|
Revert "functionalization: add support for zero_()"
|
2022-04-26 19:27:27 +00:00 |
|
test_futures.py
|
|
|
|
test_fx_experimental.py
|
Experimental MetaTensorTracer
|
2022-04-20 02:04:33 +00:00 |
|
test_fx.py
|
Back out "record_function: update to use custom_class API" (#76253)
|
2022-04-26 17:49:57 -04: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 deterministic indexing with non-contiguous tensor
|
2022-04-22 18:46:50 +00:00 |
|
test_jit_autocast.py
|
[JIT] Add autocasting to freezing pass & enable autocast pass by default (#74178)
|
2022-03-23 23:10:48 +00:00 |
|
test_jit_cuda_fuser.py
|
[JIT] Add Context Manager to force strict fusion
|
2022-04-25 16:08:57 +00:00 |
|
test_jit_disabled.py
|
|
|
|
test_jit_fuser_legacy.py
|
|
|
|
test_jit_fuser_te.py
|
[JIT] Add Context Manager to force strict fusion
|
2022-04-25 16:08:57 +00:00 |
|
test_jit_fuser.py
|
|
|
|
test_jit_legacy.py
|
|
|
|
test_jit_profiling.py
|
|
|
|
test_jit_simple.py
|
|
|
|
test_jit_string.py
|
|
|
|
test_jit.py
|
Remove F.pad python implementation
|
2022-04-23 00:13:20 +00:00 |
|
test_kernel_launch_checks.py
|
|
|
|
test_license.py
|
|
|
|
test_linalg.py
|
bypassed cublasLtMatMul bug after slicing (#76205)
|
2022-04-24 17:28:31 +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
|
Support masked sum on CSR tensors [CPU, CUDA]
|
2022-04-08 20:07:18 +00:00 |
|
test_metal.py
|
|
|
|
test_mkldnn.py
|
add channels last (2d) support for mkldnn_convolution (#55584)
|
2022-04-20 22:34:44 +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
|
fx quant: add quantized Softmax workflow integration (#75106)
|
2022-04-20 21:54:26 +00:00 |
|
test_modules.py
|
only compare attributes for meta tensors (#72508)
|
2022-02-17 02:33:08 +00:00 |
|
test_monitor.py
|
|
|
|
test_multiprocessing_spawn.py
|
Make test_multiprocessing_spawn.py compatible with pytest (#50408)
|
2022-02-10 16:18:46 +00:00 |
|
test_multiprocessing.py
|
[ROCm] enable HIP IPC
|
2022-03-21 19:32:01 +00:00 |
|
test_namedtensor.py
|
|
|
|
test_namedtuple_return_api.py
|
Add C++ implementation of histogramdd
|
2022-03-29 02:17:21 +00:00 |
|
test_native_functions.py
|
|
|
|
test_native_mha.py
|
[PyTorch] Add native fast path for transformer encoder inference (#76333)
|
2022-04-26 12:58:03 -04:00 |
|
test_nestedtensor.py
|
[PyTorch] Add NestedTensorCPU and NestedTensorCUDA dispatch keys (#75808)
|
2022-04-19 18:12:12 +00:00 |
|
test_nn.py
|
[PyTorch] Add native fast path for transformer encoder inference (#76333)
|
2022-04-26 12:58:03 -04:00 |
|
test_nnapi.py
|
|
|
|
test_numba_integration.py
|
|
|
|
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
|
[composite compliance] add test for fwd AD
|
2022-04-25 15:15:48 +00:00 |
|
test_optim.py
|
Fix CosineAnnealingLR on restart
|
2022-04-20 13:35:01 +00:00 |
|
test_overrides.py
|
Cannibalize noarch CI job into crossref CI job
|
2022-04-20 11:56:25 +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_profiler.py
|
[Profiler] Expose profilerType in Python
|
2022-04-16 21:08:18 +00:00 |
|
test_pruning_op.py
|
|
|
|
test_public_bindings.py
|
Improve more the error message with explicit recommendation
|
2022-04-25 13:59:55 +00:00 |
|
test_python_dispatch.py
|
Change default TLS behavior in dispatch to favor is-a style
|
2022-04-20 17:32:29 +00:00 |
|
test_pytree.py
|
Register torch.return_types.* as pytree nodes
|
2022-04-19 13:46:20 +00:00 |
|
test_quantization.py
|
[quant][fx] Add RNN reference module (#73386)
|
2022-03-02 10:30:37 +00:00 |
|
test_reductions.py
|
Various OpInfo architecture improvements
|
2022-04-18 21:55:32 +00:00 |
|
test_scatter_gather_ops.py
|
Add include_self flag to scatter_reduce
|
2022-04-05 16:31:39 +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
|
Port sort to structured kernels.
|
2022-04-21 01:48:46 +00:00 |
|
test_sparse_csr.py
|
Enable simple indexing into CSR tensor, add torch.select for CSR
|
2022-04-23 02:36:03 +00:00 |
|
test_sparse.py
|
ROCM:Unskip more tests for ROCM5.0
|
2022-04-19 19:45:55 +00:00 |
|
test_spectral_ops.py
|
Various OpInfo architecture improvements
|
2022-04-18 21:55:32 +00:00 |
|
test_stateless.py
|
move the stateless util to public API!
|
2022-04-21 13:42:24 +00:00 |
|
test_static_runtime.py
|
|
|
|
test_tensor_creation_ops.py
|
ROCM:Unskip more tests for ROCM5.0
|
2022-04-19 19:45:55 +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
|
Revert "[nnc] Strides to Tensor (#72962)"
|
2022-04-25 19:50:00 +00:00 |
|
test_tensorexpr.py
|
[NNC] call super().setUp() & tearDown() in test_tensorexpr.py (#74504)
|
2022-03-22 20:17:21 +00:00 |
|
test_testing.py
|
add rocm ciflow/slow workflow
|
2022-04-22 17:41:28 +00:00 |
|
test_throughput_benchmark.py
|
|
|
|
test_torch.py
|
[complex32] add chalf alias for complex32 and chalf method
|
2022-04-20 23:44:47 +00:00 |
|
test_type_hints.py
|
|
|
|
test_type_info.py
|
|
|
|
test_type_promotion.py
|
[testing] Update dispatch macros (#74977)
|
2022-03-30 14:13:21 -07:00 |
|
test_typing.py
|
|
|
|
test_unary_ufuncs.py
|
ROCM:Unskip more tests for ROCM5.0
|
2022-04-19 19:45:55 +00:00 |
|
test_utils.py
|
Revert "Remove breakpad dependency"
|
2022-04-17 17:58:51 +00:00 |
|
test_view_ops.py
|
code-generate non-aliasing {view}_copy kernels (#73442)
|
2022-04-11 19:48:55 +00:00 |
|
test_vmap.py
|
|
|
|
test_vulkan.py
|
|
|
|
test_xnnpack_integration.py
|
Update XNNPACK (#73467)
|
2022-02-28 06:09:26 +00:00 |