| .. |
|
backward_compatibility
|
Fix backward compatibility test (#43371)
|
2020-08-20 18:29:10 -07:00 |
|
bottleneck_test
|
|
|
|
cpp
|
remove empty override pretty_print (#43341)
|
2020-08-20 18:48:29 -07:00 |
|
cpp_api_parity
|
Optimize SiLU (Swish) op in PyTorch (#42976)
|
2020-08-16 13:21:57 -07:00 |
|
cpp_extensions
|
Make operators with optional Tensor? arguments c10-full (#41610)
|
2020-07-31 16:09:08 -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
|
Make grad point to bucket buffer in DDP to save memory usage (#41954)
|
2020-08-20 15:33:44 -07:00 |
|
error_messages
|
|
|
|
expect
|
Support custom exception message (#41907)
|
2020-08-01 13:03:45 -07:00 |
|
fx
|
[FX] Add in resnet + quantization tests (#43157)
|
2020-08-18 15:00:18 -07:00 |
|
jit
|
Fix freeze_module pass for sharedtype (#42457)
|
2020-08-17 08:27:31 -07:00 |
|
mobile
|
Get, save, and load module information for each operator (#42133)
|
2020-08-14 01:25:27 -07:00 |
|
onnx
|
[ONNX] Squeeze operator should give an error when trying to apply to a dimension with shape > 1 (#38476)
|
2020-08-17 17:41:46 -07:00 |
|
optim
|
|
|
|
quantization
|
[quant][graphmode][fx] Add support for conv module (#43285)
|
2020-08-20 19:53:30 -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
|
Modify Circle CI script to upload test report for analysis. (#43180)
|
2020-08-19 19:38:25 -07:00 |
|
run_test.py
|
Adds arccosh alias for acosh and adds an alias consistency test (#43107)
|
2020-08-16 22:12:25 -07:00 |
|
simulate_nccl_errors.py
|
|
|
|
test_autograd.py
|
Implement hstack, vstack, dstack (#42799)
|
2020-08-15 20:39:14 -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
|
Output to stderr in distributed tests. (#42139)
|
2020-07-29 19:23:34 -07:00 |
|
test_cuda.py
|
Autocast support for cudnn RNNs (#42385)
|
2020-08-18 13:37:42 -07:00 |
|
test_dataloader.py
|
add prefetch_factor for multiprocessing prefetching process (#41130)
|
2020-07-24 08:38:13 -07:00 |
|
test_determination.py
|
[RPC tests] Merge process group tests into single entry point (#40818)
|
2020-08-05 15:10:07 -07:00 |
|
test_dispatch.py
|
Precompute entries in dispatch tables (#40512)
|
2020-06-26 09:03:39 -07:00 |
|
test_distributions.py
|
Clip Binomial results for different endpoints in curand_uniform (#42702)
|
2020-08-14 12:01:17 -07:00 |
|
test_expecttest.py
|
|
|
|
test_foreach.py
|
Add private API to support tensor lists: _foreach_add(TensorList tensors, Scalar scalar) (#41554)
|
2020-08-04 15:01:09 -07:00 |
|
test_function_schema.py
|
|
|
|
test_futures.py
|
Add done() API to Future (#42013)
|
2020-07-24 14:13:41 -07:00 |
|
test_fx.py
|
[FX] Add in resnet + quantization tests (#43157)
|
2020-08-18 15:00:18 -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] Enable E2E BCast-PWise-Reduction fusions (#43129)
|
2020-08-18 09:10:08 -07:00 |
|
test_jit_disabled.py
|
|
|
|
test_jit_fuser_legacy.py
|
|
|
|
test_jit_fuser_te.py
|
Add python unittest target to caffe2/test/TARGETS (#42766)
|
2020-08-10 09:48:59 -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
|
[jit] fix str -> Device implicit conversions (#43213)
|
2020-08-19 16:05:11 -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
|
[jit] better error message (#43093)
|
2020-08-17 14:57:56 -07:00 |
|
test_linalg.py
|
Adds linalg.det alias, fixes outer alias, updates alias testing (#42802)
|
2020-08-11 21:48:31 -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
|
optimize_for_mobile: bring packed params to root module (#42740)
|
2020-08-08 15:53:20 -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
|
Implemented non-named version of unflatten (#42563)
|
2020-08-12 13:14:28 -07:00 |
|
test_namedtuple_return_api.py
|
changed white-allowlisted (#41796)
|
2020-07-27 16:01:45 -07:00 |
|
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
|
Add nn.functional.adaptive_avg_pool size empty tests (#42857)
|
2020-08-11 12:59:58 -07:00 |
|
test_numba_integration.py
|
Add complex tensor dtypes for the __cuda_array_interface__ spec (#42918)
|
2020-08-14 10:26:23 -07:00 |
|
test_op_aliases.py
|
Adds arccosh alias for acosh and adds an alias consistency test (#43107)
|
2020-08-16 22:12:25 -07:00 |
|
test_openmp.py
|
Fix flaky test (#40175)
|
2020-06-17 15:40:28 -07:00 |
|
test_optim.py
|
Raise error for duplicate params in param group #40967 (#41597)
|
2020-07-27 12:25:52 -07:00 |
|
test_overrides.py
|
Follow-up for pytorch/pytorch#37091. (#42806)
|
2020-08-12 09:11:33 -07:00 |
|
test_profiler.py
|
Adjust CUDA memory leak test (#40504)
|
2020-06-24 18:22:46 -07:00 |
|
test_quantization.py
|
[quant][graphmode][fx][test] Add per op test for graph mode quant on fx (#43229)
|
2020-08-20 17:32:02 -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
|
Minor typo fix (#42731)
|
2020-08-07 11:17:51 -07:00 |
|
test_spectral_ops.py
|
Fixes ROCm CI (#42701)
|
2020-08-06 15:24:50 -07:00 |
|
test_static_runtime.py
|
[jit] DeepAndWide benchmark (#43096)
|
2020-08-15 01:27:12 -07:00 |
|
test_tensorboard.py
|
Skip part of test_figure[_list] if Matplotlib-3.3.0 is installed (#42500)
|
2020-08-03 21:43:22 -07:00 |
|
test_tensorexpr.py
|
[tensorexpr] Fix promotion of booleans (#43097)
|
2020-08-18 15:19:38 -07:00 |
|
test_throughput_benchmark.py
|
ThroughputBenchmark: integration with Autograd Profiler (#36282)
|
2020-04-13 08:53:40 -07:00 |
|
test_torch.py
|
Fix at::native::view_as_real() for ComplexHalf Tensors (#43279)
|
2020-08-20 17:38:06 -07:00 |
|
test_type_hints.py
|
Add __torch_function__ for methods (#37091)
|
2020-08-05 20:44:13 -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
|
Test the type promotion between every two dtypes thoroughly (#42585)
|
2020-08-14 10:05:10 -07:00 |
|
test_unary_ufuncs.py
|
Adds list of operator-related information for testing (#41662)
|
2020-08-11 11:34:53 -07:00 |
|
test_utils.py
|
Fix torch.hub for new zipfile format. (#42333)
|
2020-08-20 14:54:02 -07:00 |
|
test_vmap.py
|
vmap: Fix bug with x * 0.1 (#43218)
|
2020-08-20 13:44:31 -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
|
Replace Conv1d with Conv2d (#42867)
|
2020-08-20 21:36:51 -07:00 |