| .. |
|
backward_compatibility
|
refactor profiling optional (#47667)
|
2021-01-22 14:45:28 -08:00 |
|
benchmark_utils
|
Revert "Revert D25199264: Enable callgrind collection for C++ snippets" (#48720)
|
2020-12-02 11:10:11 -08:00 |
|
bottleneck_test
|
|
|
|
cpp
|
fix unflatten_dense_tensor when there is empty tensor inside (#50321)
|
2021-01-23 12:14:34 -08:00 |
|
cpp_api_parity
|
Add PixelUnshuffle (#49334)
|
2020-12-22 20:14:55 -08:00 |
|
cpp_extensions
|
Move generator state APIs to ATen (#49589)
|
2021-01-06 18:26:56 -08:00 |
|
custom_backend
|
[BE] move more unittest.main() to run_tests() (#50923)
|
2021-01-25 07:23:09 -08:00 |
|
custom_operator
|
[BE] move more unittest.main() to run_tests() (#50923)
|
2021-01-25 07:23:09 -08:00 |
|
distributed
|
Implement autograd functions for c10d communication operations (#40762)
|
2021-01-26 07:52:51 -08:00 |
|
distributions
|
Fix TransformedDistribution shaping logic (#50581)
|
2021-01-25 16:34:12 -08:00 |
|
error_messages
|
|
|
|
expect
|
Fix Module backward hooks for all Tensor inputs/outputs (#46163)
|
2020-12-18 09:04:36 -08:00 |
|
fx
|
Create subgraph rewriter (#49540)
|
2021-01-12 16:32:13 -08:00 |
|
jit
|
Merge CompilationUnit from torch._C and torch.jit (#50614)
|
2021-01-25 11:06:40 -08:00 |
|
jit_hooks
|
[WIP] JIT Static Hooks: cpp tests (#49547)
|
2021-01-20 09:12:57 -08:00 |
|
mobile
|
[BE] move more unittest.main() to run_tests() (#50923)
|
2021-01-25 07:23:09 -08:00 |
|
namespace_b
|
|
|
|
onnx
|
[ONNX] Handle sequence output for models (#50599)
|
2021-01-21 15:36:41 -08:00 |
|
optim
|
|
|
|
package_a
|
[package] mangle imported module names (#50049)
|
2021-01-13 16:32:36 -08:00 |
|
quantization
|
fake_quant: fix device affinity and buffer resizing for state_dict (#50868)
|
2021-01-25 13:50:28 -08:00 |
|
scripts
|
|
|
|
test_img
|
|
|
|
type_hint_tests
|
Fix mypy type hint for AdaptiveAvgPool2,3d, AdaptiveMaxPool2,3d (#49963)
|
2021-01-06 09:47:15 -08:00 |
|
HowToWriteTestsUsingFileCheck.md
|
|
|
|
module_a.py
|
|
|
|
print_test_stats.py
|
only upload s3 stats on master, nightly, and release branch (#49645)
|
2020-12-22 14:15:18 -08:00 |
|
run_test.py
|
ZeroRedundancyOptimizer: an implementation of a standalone sharded optimizer wrapper (#46750)
|
2021-01-20 14:36:16 -08:00 |
|
simulate_nccl_errors.py
|
|
|
|
test_autograd.py
|
count_nonzero with requires grad (#50866)
|
2021-01-22 11:19:59 -08:00 |
|
test_binary_ufuncs.py
|
Implement NumPy-like function torch.fmax() & torch.fmin() (#49312)
|
2021-01-20 06:45:25 -08:00 |
|
test_bundled_images.py
|
|
|
|
test_bundled_inputs.py
|
Back out "Revert D25757721: [pytorch][PR] Run mypy on more test files" (#50142)
|
2021-01-06 11:27:36 -08:00 |
|
test_complex.py
|
|
|
|
test_cpp_api_parity.py
|
|
|
|
test_cpp_extensions_aot.py
|
Test TORCH_LIBRARY in CUDA extension (#47524)
|
2020-11-16 13:12:22 -08:00 |
|
test_cpp_extensions_jit.py
|
Fix test_jit_cuda_archflags on machine with more than one arch (#50405)
|
2021-01-26 08:38:54 -08:00 |
|
test_cuda_primary_ctx.py
|
|
|
|
test_cuda.py
|
Add complex support for torch.nn.L1Loss (#49912)
|
2021-01-15 15:53:15 -08:00 |
|
test_dataloader.py
|
Fix persistent_workers + pin_memory (#48543)
|
2021-01-08 07:04:10 -08:00 |
|
test_dataset.py
|
Fix mypy typing check for test_dataset (#50108)
|
2021-01-05 19:57:22 -08:00 |
|
test_determination.py
|
Add option for cpp_extensions to compile standalone executable (#47862)
|
2020-12-01 20:03:08 -08:00 |
|
test_dispatch.py
|
Improve docs around Math/DefaultBackend & add PythonDispatcher class. (#50854)
|
2021-01-25 23:10:36 -08:00 |
|
test_expecttest.py
|
[BE] replace unittest.main with run_tests (#50451)
|
2021-01-13 10:33:08 -08:00 |
|
test_foreach.py
|
[WIP] Added foreach_trunc, foreahc_reciprocal, foreach_sigmoid APIs (#47385)
|
2020-12-07 10:47:23 -08:00 |
|
test_function_schema.py
|
|
|
|
test_functional_autograd_benchmark.py
|
Skip test_functional_autograd_benchmark during code coverage (#50183)
|
2021-01-07 11:17:21 -08:00 |
|
test_futures.py
|
|
|
|
test_fx_experimental.py
|
[fx] Add matrix multiplication fusion pass (#50151)
|
2021-01-06 21:49:37 -08:00 |
|
test_fx.py
|
[FX] torch.fx.symbolic_trace patching improvements and math.* support (#50793)
|
2021-01-22 15:05:24 -08:00 |
|
test_indexing.py
|
Enable BF16 for indexing on CUDA (#48801)
|
2020-12-14 17:24:31 -08:00 |
|
test_jit_cuda_fuser.py
|
JIT: guard DifferentiableGraph node (#49433)
|
2021-01-08 20:01:27 -08:00 |
|
test_jit_disabled.py
|
[BE] replace unittest.main with run_tests (#50451)
|
2021-01-13 10:33:08 -08:00 |
|
test_jit_fuser_legacy.py
|
|
|
|
test_jit_fuser_te.py
|
[TensorExpr] Use wider type for scalars (#50774)
|
2021-01-20 15:12:27 -08:00 |
|
test_jit_fuser.py
|
Clean up some type annotations in caffe2/test (#49943)
|
2021-01-13 10:01:55 -08:00 |
|
test_jit_legacy.py
|
|
|
|
test_jit_profiling.py
|
Remove redundant code for unsupported Python versions (#49486)
|
2021-01-06 12:45:46 -08:00 |
|
test_jit_py3.py
|
cleaned up ModuleAttributeError (#50298)
|
2021-01-14 06:58:01 -08:00 |
|
test_jit_simple.py
|
Remove redundant code for unsupported Python versions (#49486)
|
2021-01-06 12:45:46 -08:00 |
|
test_jit_string.py
|
Clean up some type annotations in caffe2/test (#49943)
|
2021-01-13 10:01:55 -08:00 |
|
test_jit.py
|
Merge CompilationUnit from torch._C and torch.jit (#50614)
|
2021-01-25 11:06:40 -08:00 |
|
test_kernel_launch_checks.py
|
Fix check_kernel_launches.py for macros and provide extended context (#49365)
|
2020-12-14 22:09:33 -08:00 |
|
test_linalg.py
|
Enable BFloat support for gemms on arch other than ampere (#50442)
|
2021-01-26 11:07:07 -08:00 |
|
test_logging.py
|
|
|
|
test_metal.py
|
|
|
|
test_mkldnn.py
|
BFloat16: add explicit dtype support for to_mkldnn and to_dense (#48881)
|
2020-12-16 16:09:42 -08:00 |
|
test_mobile_optimizer.py
|
cleaned up ModuleAttributeError (#50298)
|
2021-01-14 06:58:01 -08:00 |
|
test_multiprocessing_spawn.py
|
|
|
|
test_multiprocessing.py
|
[BE] unified run_process_no_exception code (#49774)
|
2021-01-04 13:43:09 -08:00 |
|
test_namedtensor.py
|
|
|
|
test_namedtuple_return_api.py
|
Added linalg.slogdet (#49194)
|
2021-01-19 07:28:12 -08:00 |
|
test_native_functions.py
|
|
|
|
test_nn.py
|
Back out "Revert D25903846: [pytorch][PR] Structured kernel definition for upsample_nearest2d" (#50794)
|
2021-01-25 10:43:53 -08:00 |
|
test_numba_integration.py
|
Drop unused imports from test (#49973)
|
2021-01-07 12:09:38 -08:00 |
|
test_numpy_interop.py
|
Back out "Revert D25757721: [pytorch][PR] Run mypy on more test files" (#50142)
|
2021-01-06 11:27:36 -08:00 |
|
test_op_aliases.py
|
Implementing NumPy-like function torch.broadcast_to (#48997)
|
2020-12-21 11:24:50 -08:00 |
|
test_openmp.py
|
|
|
|
test_ops.py
|
Enable ROCM Skipped tests in test_ops.py (#50500)
|
2021-01-26 08:09:18 -08:00 |
|
test_optim.py
|
Revert D25976245: [pytorch][PR] Enable Skipped ROCM Tests in common_nn.py
|
2021-01-21 13:28:37 -08:00 |
|
test_overrides.py
|
Fix indexing for overrides. (#49324)
|
2021-01-20 11:34:02 -08:00 |
|
test_package.py
|
[packaging] add support for BytesIO (#50838)
|
2021-01-22 08:33:39 -08:00 |
|
test_profiler.py
|
Enable tests using named temp files on Windows (#49640)
|
2020-12-29 09:57:35 -08:00 |
|
test_pruning_op.py
|
|
|
|
test_pytree.py
|
|
|
|
test_quantization.py
|
[quant] Quantizable LSTM (#49671)
|
2020-12-30 15:21:38 -08:00 |
|
test_reductions.py
|
[numpy] torch.{all/any} : output dtype is always bool (#47878)
|
2021-01-08 11:05:39 -08:00 |
|
test_serialization.py
|
Enable tests using named temp files on Windows (#49640)
|
2020-12-29 09:57:35 -08:00 |
|
test_shape_ops.py
|
[testing] Port torch.{repeat, tile} tests to use OpInfo machinery (#50199)
|
2021-01-19 06:02:27 -08:00 |
|
test_show_pickle.py
|
[BE] replace unittest.main with run_tests (#50451)
|
2021-01-13 10:33:08 -08:00 |
|
test_sort_and_select.py
|
Revert "Stable sort for CPU (#50052)" (#50752)
|
2021-01-19 18:21:25 -08:00 |
|
test_sparse.py
|
[ROCm] re-enable test_sparse.py tests (#50557)
|
2021-01-18 23:36:39 -08:00 |
|
test_spectral_ops.py
|
Padding: support complex dtypes (#50594)
|
2021-01-22 11:57:42 -08:00 |
|
test_static_runtime.py
|
Clean up some type annotations in caffe2/test (#49943)
|
2021-01-13 10:01:55 -08:00 |
|
test_tensor_creation_ops.py
|
[testing] Port torch.{repeat, tile} tests to use OpInfo machinery (#50199)
|
2021-01-19 06:02:27 -08:00 |
|
test_tensorboard.py
|
|
|
|
test_tensorexpr_pybind.py
|
[BE] move more unittest.main() to run_tests() (#50923)
|
2021-01-25 07:23:09 -08:00 |
|
test_tensorexpr.py
|
[BE] replace unittest.main with run_tests (#50451)
|
2021-01-13 10:33:08 -08:00 |
|
test_testing.py
|
[reland] Refactor mypy configs list into editor-friendly wrapper (#50826)
|
2021-01-26 09:04:14 -08:00 |
|
test_throughput_benchmark.py
|
Enable tests using named temp files on Windows (#49640)
|
2020-12-29 09:57:35 -08:00 |
|
test_torch.py
|
[CPU] Add torch.trace for complex tensors (#50380)
|
2021-01-23 09:04:31 -08:00 |
|
test_type_hints.py
|
[reland] Refactor mypy configs list into editor-friendly wrapper (#50826)
|
2021-01-26 09:04:14 -08:00 |
|
test_type_info.py
|
|
|
|
test_type_promotion.py
|
[numpy] torch.erf{c} : promote integer inputs to float (#48472)
|
2020-11-27 15:08:40 -08:00 |
|
test_unary_ufuncs.py
|
OpInfo: Remove promotes_integers_to_float and infer it instead (#50279)
|
2021-01-22 09:32:37 -08:00 |
|
test_utils.py
|
Run mypy over test/test_utils.py (#50278)
|
2021-01-11 08:16:23 -08:00 |
|
test_view_ops.py
|
Add tensor.view(dtype) (#47951)
|
2021-01-08 06:55:21 -08:00 |
|
test_vmap.py
|
[vmap] Add batching rules for comparisons ops (#50364)
|
2021-01-12 13:00:56 -08:00 |
|
test_vulkan.py
|
|
|
|
test_xnnpack_integration.py
|
|
|