| .. |
|
backward_compatibility
|
Removed whitelist references from test/backward_compatibility/check_b… (#41691)
|
2020-07-23 21:36:14 -07:00 |
|
bottleneck_test
|
|
|
|
cpp
|
Reduce instability in runCleanUpPasses by reordering passes. (#41891)
|
2020-07-24 11:39:20 -07:00 |
|
cpp_api_parity
|
remediation of S205607
|
2020-07-17 17:19:47 -07:00 |
|
cpp_extensions
|
remediation of S205607
|
2020-07-17 17:19:47 -07:00 |
|
custom_backend
|
[JIT] Add out-of-source-tree to_backend tests (#41145)
|
2020-07-14 10:57:04 -07:00 |
|
custom_operator
|
[WIP] Fix cpp grad accessor API (#40887)
|
2020-07-16 09:11:12 -07:00 |
|
distributed
|
[NCCL] DDP communication hook: getFuture() (#41596)
|
2020-07-24 11:22:44 -07:00 |
|
error_messages
|
|
|
|
expect
|
remediation of S205607
|
2020-07-17 17:19:47 -07:00 |
|
jit
|
[JIT] handle specially mapped ops (#41503)
|
2020-07-20 12:03:31 -07:00 |
|
mobile
|
list workaround for CREATE_OBJECT failure (#41129)
|
2020-07-08 18:36:04 -07:00 |
|
onnx
|
Add regression test for ONNX exports of modules that embed an Embedding layer inside a Sequential (#32598)
|
2020-07-23 09:32:44 -07:00 |
|
optim
|
|
|
|
quantization
|
[quant] Add Graph Mode Passes to quantize EmbeddingBag operators (#41612)
|
2020-07-23 18:54:59 -07:00 |
|
scripts
|
|
|
|
test_img
|
[PyTorch Operator] [2/n] Adding python test
|
2020-06-25 18:36:44 -07:00 |
|
type_hint_tests
|
Move all torch.nn.modules type annotations inline (#38211)
|
2020-06-11 15:59:57 -07:00 |
|
HowToWriteTestsUsingFileCheck.md
|
Grammar patch 1 (.md) (#41599)
|
2020-07-20 10:19:08 -07:00 |
|
print_test_stats.py
|
Upgrade lint. (#39483)
|
2020-06-04 12:56:43 -07:00 |
|
run_test.py
|
test: Add option to continue testing through error (#41136)
|
2020-07-08 17:26:13 -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
|
updated white list/allow list (#41789)
|
2020-07-24 14:26:16 -07:00 |
|
test_bundled_images.py
|
Fixes lint (#40606)
|
2020-06-25 21:53:00 -07:00 |
|
test_bundled_inputs.py
|
Removes assertAlmostEqual (#41514)
|
2020-07-16 10:35:12 -07:00 |
|
test_complex.py
|
Let exp support complex types on CUDA and enable device/dtype in complex tests (#39087)
|
2020-06-30 10:50:40 -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
|
Port /test/cpp_extensions/rng_extension.cpp to new operator registration API (#39459)
|
2020-06-26 16:12:54 -07:00 |
|
test_cpp_extensions_jit.py
|
ROCm: Fix linking of custom ops in load_inline (#41257)
|
2020-07-17 12:14:50 -07:00 |
|
test_cuda_primary_ctx.py
|
|
|
|
test_cuda.py
|
[ROCm] skip test_streams on rocm. (#41697)
|
2020-07-21 08:55:07 -07:00 |
|
test_dataloader.py
|
add prefetch_factor for multiprocessing prefetching process (#41130)
|
2020-07-24 08:38:13 -07:00 |
|
test_determination.py
|
Use @skipIfNoFBGEMM instead of direct check (#39068)
|
2020-06-01 17:15:36 -07:00 |
|
test_dispatch.py
|
Precompute entries in dispatch tables (#40512)
|
2020-06-26 09:03:39 -07:00 |
|
test_distributions.py
|
Removes assertAlmostEqual (#41514)
|
2020-07-16 10:35:12 -07:00 |
|
test_expecttest.py
|
|
|
|
test_function_schema.py
|
|
|
|
test_futures.py
|
Add done() API to Future (#42013)
|
2020-07-24 14:13:41 -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_legacy.py
|
[nvFuser] Working towards reductions, codegen improvements (#40864)
|
2020-07-06 14:52:49 -07:00 |
|
test_jit_cuda_fuser_profiling.py
|
[nvFuser] Working towards reductions, codegen improvements (#40864)
|
2020-07-06 14:52:49 -07:00 |
|
test_jit_cuda_fuser.py
|
[nvFuser] Working towards reductions, codegen improvements (#40864)
|
2020-07-06 14:52:49 -07:00 |
|
test_jit_disabled.py
|
|
|
|
test_jit_fuser_legacy.py
|
|
|
|
test_jit_fuser_te.py
|
rename TestFuser to TestTEFuser (#41542)
|
2020-07-22 13:37:27 -07:00 |
|
test_jit_fuser.py
|
move misc implementation out of jit/__init__.py (#41154)
|
2020-07-13 16:59:55 -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
|
Removes assertAlmostEqual (#41514)
|
2020-07-16 10:35:12 -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
|
Reduce instability in runCleanUpPasses by reordering passes. (#41891)
|
2020-07-24 11:39:20 -07:00 |
|
test_logging.py
|
|
|
|
test_mkldnn.py
|
[reland][DNNL]:enable max_pool3d and avg_pool3d (#40996)
|
2020-07-16 10:26:45 -07:00 |
|
test_mobile_optimizer.py
|
Add add_relu fusion pass to optimize_for_mobile. (#40252)
|
2020-07-10 08:10:22 -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
|
Throws runtime error when torch.full would infer a float dtype from a bool or integral fill value (#40364)
|
2020-06-23 23:27:22 -07:00 |
|
test_namedtensor.py
|
fix issue #31759 (allow valid ASCII python identifiers as dimnames) (#40871)
|
2020-07-02 11:35:54 -07:00 |
|
test_namedtuple_return_api.py
|
|
|
|
test_native_functions.py
|
Add support for float[]? arguments in native_functions.yaml (#37175)
|
2020-07-13 11:51:10 -07:00 |
|
test_nn.py
|
Reland Add non-deterministic alert to CUDA operations that use atomicAdd() (#41538)
|
2020-07-22 13:12:29 -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
|
Removes assertAlmostEqual (#41514)
|
2020-07-16 10:35:12 -07:00 |
|
test_overrides.py
|
rewrite C++ __torch_function__ handling to work with TensorList operands (#41575)
|
2020-07-17 08:54:29 -07:00 |
|
test_profiler.py
|
Adjust CUDA memory leak test (#40504)
|
2020-06-24 18:22:46 -07:00 |
|
test_quantization.py
|
cross_layer_equalization (#41685)
|
2020-07-22 08:39:23 -07:00 |
|
test_serialization.py
|
Fix delegating to jit.load from torch.load (#40937)
|
2020-07-06 09:00:13 -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
|
[TB] Add support for hparam domain_discrete (#40720)
|
2020-06-29 19:33:57 -07:00 |
|
test_tensorexpr.py
|
Krovatkin/reenable test tensorexpr (#41445)
|
2020-07-15 10:42:40 -07:00 |
|
test_throughput_benchmark.py
|
ThroughputBenchmark: integration with Autograd Profiler (#36282)
|
2020-04-13 08:53:40 -07:00 |
|
test_torch.py
|
move min/max tests to TestTorchDeviceType (#41908)
|
2020-07-23 22:49:30 -07:00 |
|
test_type_hints.py
|
replaced blacklist with blocklist in test/test_type_hints.py (#41644)
|
2020-07-21 11:23:19 -07:00 |
|
test_type_info.py
|
Improve repr for torch.iinfo & torch.finfo (#40488)
|
2020-07-10 15:22:55 -07:00 |
|
test_type_promotion.py
|
Disables unary op casting to output dtype (#41097)
|
2020-07-08 11:48:40 -07:00 |
|
test_utils.py
|
move benchmark utils into torch namespace (#41506)
|
2020-07-23 09:48:39 -07:00 |
|
test_vmap.py
|
Enable in_dims for vmap frontend api (#40717)
|
2020-07-06 19:14:43 -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 |