| .. |
|
_nvfuser
|
adding symbolic link to get CI to run tests where cmake is not run on CI node (#95402)
|
2023-03-01 19:01:18 +00:00 |
|
ao/sparsity
|
Back out "[core][pruning][be] rename BaseSparsifier to BasePruner (#98747)" (#99171)
|
2023-04-15 00:37:45 +00:00 |
|
autograd
|
[autograd] disable backward/grad for complex scalar output (#92753)
|
2023-02-23 11:38:27 +00:00 |
|
backends/xeon
|
enable taskset core pinning in addition to numactl (#96011)
|
2023-03-07 01:19:46 +00:00 |
|
benchmark_utils
|
Add asan slow test shard (#99925)
|
2023-04-26 21:10:55 +00:00 |
|
bottleneck_test
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |
|
cpp
|
Fix ordered dict loading with LibTorch (#100743)
|
2023-05-09 13:52:45 +00:00 |
|
cpp_api_parity
|
[BE] Remove unnecessary dict comprehensions (#97116)
|
2023-03-20 00:56:57 +00:00 |
|
cpp_extensions
|
Revert "extend serialization for tensor metadata (#99808)"
|
2023-05-05 21:55:52 +00:00 |
|
custom_backend
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |
|
custom_operator
|
Enable TestTorchbind on Windows (#96507)
|
2023-03-16 16:18:08 +00:00 |
|
distributed
|
[TP] Enable more generic attn in Tensor Parallelism (#100508)
|
2023-05-07 18:15:49 +00:00 |
|
distributions
|
Fix gumbel cdf (#91698)
|
2023-03-07 23:04:47 +00:00 |
|
dynamo
|
[BE] Fix flake8 B027 errors - missing abstractmethod decorator (#100715)
|
2023-05-09 17:28:48 +00:00 |
|
edge
|
[executorch] Add RuntimeContext to generated C++ API Signature (#94570)
|
2023-02-16 02:43:18 +00:00 |
|
error_messages
|
|
|
|
expect
|
[primTorch] add ref for polar (#100345)
|
2023-05-04 01:37:02 +00:00 |
|
export
|
[export] Pickle of ExportGraphModule (#100924)
|
2023-05-09 16:58:24 +00:00 |
|
forward_backward_compatibility
|
[WIP] enable cuda graphs support for flash attention with dropout (#100196)
|
2023-05-08 16:19:18 +00:00 |
|
functorch
|
[functorch] Remove internal assert in index_put batch rule (#100516)
|
2023-05-09 17:23:26 +00:00 |
|
fx
|
Partition modules (#98628)
|
2023-05-03 23:31:56 +00:00 |
|
inductor
|
Handle negative padding in reflect_pad_backward (#100923)
|
2023-05-09 16:30:48 +00:00 |
|
jit
|
[3/n] loading meta to device (#100495)
|
2023-05-08 22:14:38 +00:00 |
|
jit_hooks
|
|
|
|
lazy
|
Use yaml.SafeLoader instead of legacy yaml.Loader (#100443)
|
2023-05-02 18:32:36 +00:00 |
|
mobile
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |
|
nn
|
[CUDA] Do accumulation for Adaptive Average Pooling in opmath_t (#99378)
|
2023-04-28 20:43:12 +00:00 |
|
onnx
|
[ONNX] Refactor Input/Output Adapter (#100490)
|
2023-05-06 16:01:49 +00:00 |
|
onnx_caffe2
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |
|
package
|
[torch package][easy] Make all the save/load tests use buffers (#98798)
|
2023-04-14 13:52:17 +00:00 |
|
profiler
|
[profiler] provide torch.profiler._utils._init_for_cuda_graphs() as a workaround (#100441)
|
2023-05-05 19:25:37 +00:00 |
|
quantization
|
[quant][pt2] Add Conv + BN + ReLU fusion for prepare QAT (#100283)
|
2023-05-07 20:35:16 +00:00 |
|
scripts
|
Fix flake8 lint errors reported by ruff - take 2 (#99798)
|
2023-04-23 23:09:51 +00:00 |
|
test_img
|
|
|
|
typing
|
|
|
|
allowlist_for_publicAPI.json
|
temp fix for segment reduce undocumented FC window (#94242)
|
2023-02-07 18:27:01 +00:00 |
|
conftest.py
|
File level rerun changes (#100200)
|
2023-04-28 20:57:49 +00:00 |
|
create_dummy_torchscript_model.py
|
Add basic Module serialization BC test (#96238)
|
2023-03-08 21:01:27 +00:00 |
|
delete.py
|
|
|
|
HowToWriteTestsUsingFileCheck.md
|
|
|
|
linear.py
|
|
|
|
load_torchscript_model.py
|
Add basic Module serialization BC test (#96238)
|
2023-03-08 21:01:27 +00:00 |
|
mkl_verbose.py
|
|
|
|
mkldnn_verbose.py
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |
|
run_doctests.sh
|
Enable xdoctest runner in CI for real this time (#83816)
|
2022-12-29 05:32:42 +00:00 |
|
run_test.py
|
[MPS] Handle MPS failures of test_modules.py in common_modules.py (#95334)
|
2023-05-09 03:55:16 +00:00 |
|
simulate_nccl_errors.py
|
Fix G001,G002,G003 in logs to % syntax (#97812)
|
2023-04-01 01:43:33 +00:00 |
|
test_ao_sparsity.py
|
Back out "[core][pruning][be] rename BaseSparsifier to BasePruner (#98747)" (#99171)
|
2023-04-15 00:37:45 +00:00 |
|
test_autocast.py
|
fix cpu autocast check in rnn (#100621)
|
2023-05-09 04:34:18 +00:00 |
|
test_autograd.py
|
torch.utils.checkpoint warns if user does not pass use_reentrant explicitly (#100551)
|
2023-05-03 20:48:07 +00:00 |
|
test_binary_ufuncs.py
|
[Dynamo] Fix nested function resume execution (#100426)
|
2023-05-06 05:04:50 +00:00 |
|
test_bundled_images.py
|
|
|
|
test_bundled_inputs.py
|
[BE] Apply almost all remaining flake8-comprehension checks (#94676)
|
2023-02-12 01:01:25 +00:00 |
|
test_comparison_utils.py
|
Add missing __main__ in two unittests (#97302)
|
2023-03-22 19:09:08 +00:00 |
|
test_compile_benchmark_util.py
|
torch.compile benchmark utility (#97699)
|
2023-04-12 03:02:06 +00:00 |
|
test_complex.py
|
Fix CPU vectorized eq and ne operations for complex types (#97374)
|
2023-04-14 02:02:16 +00:00 |
|
test_content_store.py
|
Add load_storage (#100519)
|
2023-05-05 05:25:03 +00:00 |
|
test_cpp_api_parity.py
|
|
|
|
test_cpp_extensions_aot.py
|
Support large negative SymInt (#99157)
|
2023-04-15 22:43:51 +00:00 |
|
test_cpp_extensions_jit.py
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |
|
test_cpp_extensions_open_device_registration.py
|
Revert "extend serialization for tensor metadata (#99808)"
|
2023-05-05 21:55:52 +00:00 |
|
test_cuda_expandable_segments.py
|
Revert "Revert "Expandable blocks in allocator (#96995)"" (#99275)
|
2023-04-17 23:46:08 +00:00 |
|
test_cuda_nvml_based_avail.py
|
Reduce pytest blocklist (#96016)
|
2023-03-07 18:30:27 +00:00 |
|
test_cuda_primary_ctx.py
|
Reduce pytest blocklist (#96016)
|
2023-03-07 18:30:27 +00:00 |
|
test_cuda_sanitizer.py
|
Reduce pytest blocklist (#96016)
|
2023-03-07 18:30:27 +00:00 |
|
test_cuda_trace.py
|
Reduce pytest blocklist (#96016)
|
2023-03-07 18:30:27 +00:00 |
|
test_cuda.py
|
Improve detection of workspace/non-output allocations in cudagraphs (#99985)
|
2023-05-01 15:58:45 +00:00 |
|
test_dataloader.py
|
Revert "Revert "Expandable blocks in allocator (#96995)"" (#99275)
|
2023-04-17 23:46:08 +00:00 |
|
test_datapipe.py
|
[BE] Update flake8-comprehensions and adapt to rule C418 (#99178)
|
2023-04-15 15:33:42 +00:00 |
|
test_decomp.py
|
[decomp] Bad accuracy for elu_backward (#100284)
|
2023-04-29 04:21:20 +00:00 |
|
test_deploy.py
|
|
|
|
test_determination.py
|
[BE]: pyupgrade Python to 3.8 - imports and object inheritance only (#94308)
|
2023-02-07 21:10:56 +00:00 |
|
test_dispatch.py
|
|
|
|
test_dlpack.py
|
Jetson Update for CI Redo (#94549)
|
2023-02-21 17:13:38 +00:00 |
|
test_dynamic_shapes.py
|
misc. fixes to constraints warnings and errors (#100745)
|
2023-05-06 18:22:31 +00:00 |
|
test_expanded_weights.py
|
[decompositions] GRU decompositon with and without packed sequence (#91466)
|
2023-02-08 14:16:30 +00:00 |
|
test_fake_tensor.py
|
CustomOp simple abstract implementation registration (#99439)
|
2023-04-28 13:45:39 +00:00 |
|
test_flop_counter.py
|
tweak heuristic for sdpa selection based off of *data* (and a decision tree) (#99644)
|
2023-04-21 23:28:44 +00:00 |
|
test_foreach.py
|
Skip invalid grads in outplace foreachs' backward (#100256)
|
2023-04-29 22:45:26 +00:00 |
|
test_function_schema.py
|
[frontend] Expose real_type getter for torch.Argument (#91938)
|
2023-01-12 01:26:50 +00:00 |
|
test_functional_autograd_benchmark.py
|
|
|
|
test_functional_optim.py
|
[BE]: pyupgrade Python to 3.8 - imports and object inheritance only (#94308)
|
2023-02-07 21:10:56 +00:00 |
|
test_functionalization_of_rng_ops.py
|
[philox_rand] Add decomps (#100206)
|
2023-04-28 02:20:13 +00:00 |
|
test_functionalization.py
|
functionalization: error during mutations on mem overlap (#99919)
|
2023-04-26 16:39:40 +00:00 |
|
test_futures.py
|
|
|
|
test_fx_experimental.py
|
fix conv+bn folding issue for mixed dtype (#99696)
|
2023-04-23 05:13:40 +00:00 |
|
test_fx_passes.py
|
Introduce aggressive merge to CapabilityPartitioner (#100195)
|
2023-05-05 23:20:17 +00:00 |
|
test_fx_reinplace_pass.py
|
*_scatter ops should preserve input stride/storage_offset (#91029)
|
2022-12-22 19:41:53 +00:00 |
|
test_fx.py
|
Partition modules (#98628)
|
2023-05-03 23:31:56 +00:00 |
|
test_hub.py
|
torch.hub: add safe weights_only option to load_state_dict_from_url (#98479)
|
2023-04-11 12:44:25 +00:00 |
|
test_import_stats.py
|
|
|
|
test_indexing.py
|
[Dynamo] Fix nested function resume execution (#100426)
|
2023-05-06 05:04:50 +00:00 |
|
test_itt.py
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |
|
test_jit_autocast.py
|
[BE] Enable C419 rule for any all shortcircuiting (#99890)
|
2023-04-25 15:02:13 +00:00 |
|
test_jit_cuda_fuser.py
|
adding symbolic link to get CI to run tests where cmake is not run on CI node (#95402)
|
2023-03-01 19:01:18 +00:00 |
|
test_jit_disabled.py
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |
|
test_jit_fuser_legacy.py
|
[BE] Prefer dash over underscore in command-line options (#94505)
|
2023-02-09 20:16:49 +00:00 |
|
test_jit_fuser_te.py
|
Fix flake8 lint errors reported by ruff - take 2 (#99798)
|
2023-04-23 23:09:51 +00:00 |
|
test_jit_fuser.py
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |
|
test_jit_legacy.py
|
[BE] Prefer dash over underscore in command-line options (#94505)
|
2023-02-09 20:16:49 +00:00 |
|
test_jit_llga_fuser.py
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |
|
test_jit_profiling.py
|
[BE] Prefer dash over underscore in command-line options (#94505)
|
2023-02-09 20:16:49 +00:00 |
|
test_jit_simple.py
|
[BE] Prefer dash over underscore in command-line options (#94505)
|
2023-02-09 20:16:49 +00:00 |
|
test_jit_string.py
|
|
|
|
test_jit.py
|
[BE] Enable C419 rule for any all shortcircuiting (#99890)
|
2023-04-25 15:02:13 +00:00 |
|
test_jiterator.py
|
[ROCm] add skipCUDAIfVersionLessThan to unskip test_jiterator for ROCm (#99197)
|
2023-04-17 16:05:16 +00:00 |
|
test_kernel_launch_checks.py
|
|
|
|
test_legacy_vmap.py
|
Remove deprecated torch.symeig (#70988)
|
2023-01-31 11:59:11 +00:00 |
|
test_license.py
|
|
|
|
test_linalg.py
|
Check inputs have same dtype in addmm_impl_cpu_ even if input has zero numel (#100274)
|
2023-04-29 00:07:54 +00:00 |
|
test_logging.py
|
|
|
|
test_masked.py
|
Support per-parameter test decoration (#91658)
|
2023-01-04 21:08:32 +00:00 |
|
test_maskedtensor.py
|
fix random mask creation in test_maskedtensor (#97017)
|
2023-03-24 23:55:17 +00:00 |
|
test_matmul_cuda.py
|
[CUBLAS] Specify alignment for cuBlasLt addmm (#98975)
|
2023-04-18 06:19:30 +00:00 |
|
test_meta.py
|
[pt2] add meta function for solve_triangular (#100829)
|
2023-05-08 13:48:15 +00:00 |
|
test_metal.py
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |
|
test_mkl_verbose.py
|
|
|
|
test_mkldnn_fusion.py
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |
|
test_mkldnn_verbose.py
|
|
|
|
test_mkldnn.py
|
Revert "fix onednn ConvTranspose2d channels last issue when ic=1 (#99539)"
|
2023-04-21 08:44:28 +00:00 |
|
test_mobile_optimizer.py
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |
|
test_model_dump.py
|
[BE] Modernize PyTorch even more for 3.8 with pyupgrade (#94520)
|
2023-02-10 18:02:50 +00:00 |
|
test_module_init.py
|
Adding nn.ZeroPad1d and nn.ZeroPad3d (#96295)
|
2023-03-10 03:51:41 +00:00 |
|
test_modules.py
|
[MPS] Handle MPS failures of test_modules.py in common_modules.py (#95334)
|
2023-05-09 03:55:16 +00:00 |
|
test_monitor.py
|
|
|
|
test_mps.py
|
[MPS] Handle MPS failures of test_modules.py in common_modules.py (#95334)
|
2023-05-09 03:55:16 +00:00 |
|
test_multiprocessing_spawn.py
|
[BE]: pyupgrade Python to 3.8 - imports and object inheritance only (#94308)
|
2023-02-07 21:10:56 +00:00 |
|
test_multiprocessing.py
|
Revert "Revert "Expandable blocks in allocator (#96995)"" (#99275)
|
2023-04-17 23:46:08 +00:00 |
|
test_namedtensor.py
|
|
|
|
test_namedtuple_return_api.py
|
[BE] Enable more flake8-comprehensions checks (#94601)
|
2023-02-10 23:40:29 +00:00 |
|
test_native_functions.py
|
[Dynamo] Fix nested function resume execution (#100426)
|
2023-05-06 05:04:50 +00:00 |
|
test_native_mha.py
|
|
|
|
test_nestedtensor.py
|
Allow discontiguous NestedTensors to empty_like (#98383)
|
2023-05-03 02:27:08 +00:00 |
|
test_nn.py
|
Add differentiable mkldnn_rnn_layer_backward to support double backward of LSTM (#100627)
|
2023-05-09 12:58:57 +00:00 |
|
test_nnapi.py
|
Revert "Added round_with_scale_factor arg to ATen (#97868)"
|
2023-04-28 20:47:00 +00:00 |
|
test_numba_integration.py
|
|
|
|
test_numpy_interop.py
|
|
|
|
test_nvfuser_dynamo.py
|
adding symbolic link to get CI to run tests where cmake is not run on CI node (#95402)
|
2023-03-01 19:01:18 +00:00 |
|
test_nvfuser_frontend.py
|
adding symbolic link to get CI to run tests where cmake is not run on CI node (#95402)
|
2023-03-01 19:01:18 +00:00 |
|
test_openmp.py
|
|
|
|
test_ops_fwd_gradients.py
|
|
|
|
test_ops_gradients.py
|
|
|
|
test_ops_jit.py
|
[BE] Enable C419 rule for any all shortcircuiting (#99890)
|
2023-04-25 15:02:13 +00:00 |
|
test_ops.py
|
Fix sum OpInfo for sparse sample inputs and assert coverage for sparse-enabled operators (#100391)
|
2023-05-03 02:04:39 +00:00 |
|
test_optim.py
|
[adam] Use the right params in weight_decay, rename for clarity, fixes #100707 (#100973)
|
2023-05-09 17:00:27 +00:00 |
|
test_overrides.py
|
Make gen_annotated_args support kwargs (#98396)
|
2023-04-06 19:42:26 +00:00 |
|
test_package.py
|
Reduce pytest blocklist part 2 (#96397)
|
2023-03-10 19:10:43 +00:00 |
|
test_per_overload_api.py
|
|
|
|
test_prims.py
|
Fix prims unbind if given dimension size is 0 (#100122)
|
2023-04-26 23:40:21 +00:00 |
|
test_proxy_tensor.py
|
[pt2] add meta function for solve_triangular (#100829)
|
2023-05-08 13:48:15 +00:00 |
|
test_pruning_op.py
|
Add missing __main__ in two unittests (#97302)
|
2023-03-22 19:09:08 +00:00 |
|
test_public_bindings.py
|
Add Symbool support in python to C++ translation (#98453)
|
2023-04-12 03:21:57 +00:00 |
|
test_python_dispatch.py
|
Add load_storage (#100519)
|
2023-05-05 05:25:03 +00:00 |
|
test_pytree.py
|
|
|
|
test_quantization.py
|
Fix the pt2e UT path after refactor (#99402)
|
2023-04-18 10:48:52 +00:00 |
|
test_reductions.py
|
[Fix] Inbound check of sorter indices in searchsorted (#95109)
|
2023-02-20 04:59:11 +00:00 |
|
test_scatter_gather_ops.py
|
[pytorch] Accelerate indexing_backward_kernel with duplicates (#99441 attempt 2) (#100505)
|
2023-05-03 23:52:58 +00:00 |
|
test_schema_check.py
|
Get SchemaCheckMode to error on ops that return inputs directly. Expose as a dynamo backend, eager_debug (#99744)
|
2023-04-27 20:12:42 +00:00 |
|
test_segment_reductions.py
|
Allow data size equal to 0 for SegmentReduce (#99733)
|
2023-04-23 01:59:45 +00:00 |
|
test_serialization.py
|
Support non-ASCII characters in model file paths (#99453)
|
2023-04-26 01:15:49 +00:00 |
|
test_set_default_mobile_cpu_allocator.py
|
|
|
|
test_shape_ops.py
|
Jetson Update for CI Redo (#94549)
|
2023-02-21 17:13:38 +00:00 |
|
test_show_pickle.py
|
|
|
|
test_sort_and_select.py
|
Enable half type support for unique cpu (#91666)
|
2023-02-16 04:59:35 +00:00 |
|
test_sparse_csr.py
|
Add mul tests with sparse sample inputs (#100393)
|
2023-05-09 16:13:14 +00:00 |
|
test_sparse.py
|
Add mul tests with sparse sample inputs (#100393)
|
2023-05-09 16:13:14 +00:00 |
|
test_spectral_ops.py
|
Revert "[cuda rng] Making offset calculation independent of device properties (#98988)"
|
2023-04-19 17:23:40 +00:00 |
|
test_stateless.py
|
[Functorch] Skip docs setup if called in optimize mode (#100750)
|
2023-05-08 23:36:57 +00:00 |
|
test_static_runtime.py
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |
|
test_subclass.py
|
|
|
|
test_sympy_utils.py
|
Fix a number of issues with divs in ValueRangeAnalysis (#100547)
|
2023-05-04 12:31:55 +00:00 |
|
test_tensor_creation_ops.py
|
[CI] Fix test failures at TestTensorCreationCPU.test_float_to_int_conversion_finite_cpu_uint8 (#98916)
|
2023-04-18 15:05:12 +00:00 |
|
test_tensorboard.py
|
[BE] Enable C419 rule for any all shortcircuiting (#99890)
|
2023-04-25 15:02:13 +00:00 |
|
test_tensorexpr_pybind.py
|
|
|
|
test_tensorexpr.py
|
PT2/TorchScript interoperability fix (#94678)
|
2023-02-15 01:21:10 +00:00 |
|
test_testing.py
|
[inductor] Create triton_helpers module for helper functions (#99880)
|
2023-04-27 15:10:50 +00:00 |
|
test_throughput_benchmark.py
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |
|
test_torch.py
|
Register get_cpu_capability for jit (#100723)
|
2023-05-09 09:52:29 +00:00 |
|
test_transformers.py
|
[WIP] enable cuda graphs support for flash attention with dropout (#100196)
|
2023-05-08 16:19:18 +00:00 |
|
test_type_hints.py
|
|
|
|
test_type_info.py
|
|
|
|
test_type_promotion.py
|
[BE] Enable flake8-comprehension rule C417 (#97880)
|
2023-03-30 14:34:24 +00:00 |
|
test_typing.py
|
[BE] Enable flake8-comprehension rule C417 (#97880)
|
2023-03-30 14:34:24 +00:00 |
|
test_unary_ufuncs.py
|
[BE] Remove dependency on six and future (#94709)
|
2023-02-14 09:14:14 +00:00 |
|
test_utils.py
|
add get_device_index for custom device (#98804)
|
2023-04-12 23:58:31 +00:00 |
|
test_view_ops.py
|
Add overflow check for stride calculation (#94900)
|
2023-04-09 01:30:55 +00:00 |
|
test_vulkan.py
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |
|
test_weak.py
|
[BE]: pyupgrade Python to 3.8 - imports and object inheritance only (#94308)
|
2023-02-07 21:10:56 +00:00 |
|
test_xnnpack_integration.py
|
[BE] [3/3] Rewrite super() calls in test (#94592)
|
2023-02-12 22:20:53 +00:00 |