..
backward_compatibility
Add view_as_real, view_as_complex for complex tensors ( #39099 )
2020-06-22 15:15:27 -07:00
bottleneck_test
cpp
Ports full dtype inference deprecation to 1.6 ( #40799 )
2020-07-01 09:27:27 -07:00
cpp_api_parity
Updates assertEqual to require atol and rtol, removes positional atol ( #38872 )
2020-05-27 06:31:07 -07:00
cpp_extensions
Assert that kernels are called with the right signature ( #40251 )
2020-06-18 21:54:05 -07:00
custom_operator
Support c10::optional<Tensor> in custom C++ autograd function. ( #37700 )
2020-05-06 01:59:51 -07:00
distributed
Add guard for non-default stream in DDP's autograd engine callback ( #40115 ) ( #41151 )
2020-07-08 21:08:17 -07:00
error_messages
expect
[RELAND2] Change AccumulateGrad to yield .grads that match weights' memory layout ( #40358 )
2020-06-22 17:13:21 -07:00
jit
Revert "[jit] fix tuple alias analysis ( #41992 )"
2020-07-24 13:32:00 -07:00
mobile
Assert that kernels are called with the right signature ( #40251 )
2020-06-18 21:54:05 -07:00
onnx
[ONNX][1.6] Update interpolate recompute_scale_factor default ( #41117 )
2020-07-09 17:24:53 -07:00
optim
quantization
quantizer.cpp: fix cuda memory pinning ( #41139 ) ( #41194 )
2020-07-09 14:06:11 -07:00
scripts
type_hint_tests
Move all torch.nn.modules type annotations inline ( #38211 )
2020-06-11 15:59:57 -07:00
HowToWriteTestsUsingFileCheck.md
print_test_stats.py
Upgrade lint. ( #39483 )
2020-06-04 12:56:43 -07:00
run_test.py
Destroy CUDA events after profiling ( #39962 )
2020-06-23 10:44:39 -07:00
simulate_nccl_errors.py
te_utils.py
add test_tensorexpr.py ( #35776 )
2020-04-01 22:05:37 -07:00
test_autograd.py
Ports full dtype inference deprecation to 1.6 ( #40799 )
2020-07-01 09:27:27 -07:00
test_bundled_inputs.py
Add utility for bundling sample inputs with models ( #35631 )
2020-04-08 13:10:36 -07:00
test_complex.py
Remove copy_imag and copy_real methods ( #39065 )
2020-06-03 18:22:50 -07:00
test_cpp_api_parity.py
Refactor C++ API parity test mechanism and turn it on in CI again ( #35190 )
2020-04-03 11:20:36 -07:00
test_cpp_extensions_aot.py
Updates assertEqual to require atol and rtol, removes positional atol ( #38872 )
2020-05-27 06:31:07 -07:00
test_cpp_extensions_jit.py
Testcppextensionjit rebuild once ( #40169 )
2020-06-23 08:43:14 -07:00
test_cuda_primary_ctx.py
test_cuda.py
Make custom_fwd a no-op when not executed under autocast ( #36171 )
2020-06-23 10:23:02 -07:00
test_dataloader.py
[DataLoader] add repr for WorkerInfo ( #39975 )
2020-06-16 08:19:32 -07:00
test_determination.py
Use @skipIfNoFBGEMM instead of direct check ( #39068 )
2020-06-01 17:15:36 -07:00
test_dispatch.py
Switch to pybind11 style registration function API. ( #36258 )
2020-04-16 10:44:21 -07:00
test_distributions.py
Updates assertEqual to require atol and rtol, removes positional atol ( #38872 )
2020-05-27 06:31:07 -07:00
test_expecttest.py
test_function_schema.py
test_futures.py
[futures] Add specific python unittest coverage for collect_all/wait_all ( #40233 )
2020-06-18 16:14:10 -07:00
test_indexing.py
Changes TensorIterator computation to not consider out kwarg, lets UnaryOps safe cast to out ( #39655 )
2020-06-10 09:04:13 -07:00
test_jit_cuda_fuser.py
[nvFuser] Transform replay refactor and minor updates ( #39579 )
2020-06-11 23:04:24 -07:00
test_jit_disabled.py
test_jit_fuser_legacy.py
test_jit_fuser_te.py
[JIT] Switch executor from Simple to Legacy. ( #41017 )
2020-07-06 21:35:02 -07:00
test_jit_fuser.py
[test] split tracer related tests out of test_jit ( #40142 )
2020-06-17 17:26:33 -07:00
test_jit_legacy.py
Remove (most) Python 2 support from Python code ( #35615 )
2020-04-22 09:23:14 -07:00
test_jit_profiling.py
run the simple executor for jit tests by default, add profiling jobs … ( #37017 )
2020-04-28 19:16:52 -07:00
test_jit_py3.py
Inplace construct of TorchScript Module and inplace option for quantization ( #40750 )
2020-07-02 10:22:45 -07:00
test_jit_simple.py
make test_jit infer the profiling mode, add a job for simple executor ( #38374 )
2020-05-13 23:55:40 -07:00
test_jit_string.py
Fix inconsistent results of string split func on JIT mode ( #38772 )
2020-06-17 12:43:36 -07:00
test_jit.py
[release/1.6] [JIT] Dont include view ops in autodiff graphs ( #42029 )
2020-07-24 13:41:32 -07:00
test_logging.py
test_mkldnn.py
Revert D22102408: DNNL: enable conv3d
2020-06-22 15:41:51 -07:00
test_mobile_optimizer.py
Add optimization blacklist as second arg to optimizeForMobile method. ( #37462 )
2020-06-17 18:14:45 -07:00
test_multiprocessing_spawn.py
Remove (most) Python 2 support from Python code ( #35615 )
2020-04-22 09:23:14 -07:00
test_multiprocessing.py
Ports full dtype inference deprecation to 1.6 ( #40799 )
2020-07-01 09:27:27 -07:00
test_namedtensor.py
Ports full dtype inference deprecation to 1.6 ( #40799 )
2020-07-01 09:27:27 -07:00
test_namedtuple_return_api.py
test_nn.py
Relax cudnn conditions for channels-last convolutions ( #38904 )
2020-06-22 10:59:37 -07:00
test_numba_integration.py
Remove (most) Python 2 support from Python code ( #35615 )
2020-04-22 09:23:14 -07:00
test_openmp.py
Fix flaky test ( #40175 )
2020-06-17 15:40:28 -07:00
test_optim.py
Make Optimizer.state_dict() nondeterministic ( #37347 )
2020-06-01 15:32:02 -07:00
test_overrides.py
Fix incorrect __torch_function__ handling in einsum ( #38741 )
2020-05-21 06:59:25 -07:00
test_profiler.py
Skip test_mem_leak on Windows ( #40498 )
2020-06-25 16:45:48 -07:00
test_quantization.py
[quant][refactor] Tests for torch.jit.quantized ( #40330 )
2020-06-22 10:41:31 -07:00
test_serialization.py
[1.6 cherrypick] Fix delegating to jit.load from torch.load ( #41013 )
2020-07-06 16:55:00 -07:00
test_show_pickle.py
Add torch.utils.show_pickle for showing pickle contents in saved models ( #35168 )
2020-04-03 15:11:20 -07:00
test_sparse.py
Updates assertEqual to require atol and rtol, removes positional atol ( #38872 )
2020-05-27 06:31:07 -07:00
test_tensorboard.py
Upgrade lint. ( #39483 )
2020-06-04 12:56:43 -07:00
test_tensorexpr.py
move num_profiled_runs to common_utils ( #38687 )
2020-05-27 01:14:01 -07:00
test_throughput_benchmark.py
ThroughputBenchmark: integration with Autograd Profiler ( #36282 )
2020-04-13 08:53:40 -07:00
test_torch.py
scatter/gather - check that inputs are of the same dimensionality ( #41890 )
2020-07-22 18:33:07 -07:00
test_type_hints.py
Add --check-untyped-defs to mypy.ini and test suite ( #37594 )
2020-05-07 06:36:01 -07:00
test_type_info.py
test_type_promotion.py
Disables unary op casting to output dtype ( #41097 ) ( #41160 )
2020-07-08 22:06:48 -07:00
test_utils.py
Add file_name argument to load_state_dict_from_url ( #39749 )
2020-06-12 10:31:22 -07:00
test_vulkan.py
[vulkan] jit passes for vulkan conv2 prepack and fuse with clamp ( #39282 )
2020-06-20 14:12:21 -07:00
test_xnnpack_integration.py
Add preprocessing that fuses decomposed linear into linear. ( #37937 )
2020-05-07 18:08:36 -07:00