| .. |
|
_nvfuser
|
Remove dynamo+nvfuser (#105789)
|
2023-08-08 22:29:32 +00:00 |
|
ao/sparsity
|
add pruning method: Filter Pruning via Geometric Median for Deep Convolutional Neural Networks Acceleration (#95689)
|
2023-08-02 16:24:42 +00:00 |
|
autograd
|
Don't run test/autograd/test_fallback.py in parallel (#106866)
|
2023-08-10 00:26:23 +00:00 |
|
backends/xeon
|
|
|
|
benchmark_utils
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
bottleneck_test
|
|
|
|
cpp
|
Add checks to num_layers for RNN, LSTM, GRU (#108853)
|
2023-09-09 19:33:52 +00:00 |
|
cpp_api_parity
|
[BE]: Update ruff to 0.285 (#107519)
|
2023-08-22 23:16:38 +00:00 |
|
cpp_extensions
|
Fix CPUFallback Mechinasm on TensorList Type (#105209)
|
2023-08-05 15:38:30 +00:00 |
|
custom_backend
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
custom_operator
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
distributed
|
[HSDP] Fix Node 1 unable receive parameters from Node 0 (#108331)
|
2023-09-11 15:13:28 +00:00 |
|
distributions
|
Reland: Remove remaining global set_default_dtype calls from tests (#108088)
|
2023-09-07 03:04:34 +00:00 |
|
dynamo
|
[dynamo] preserve some FX node metadata of GraphModules (#107067)
|
2023-09-11 17:11:51 +00:00 |
|
edge
|
[torchgen] Rename executorch's RuntimeContext to KernelRuntimeContext (#104892)
|
2023-07-14 21:15:50 +00:00 |
|
error_messages
|
[BE] Enable ruff's UP rules and autoformat dynamo / functorch and refs (#105432)
|
2023-07-19 13:48:44 +00:00 |
|
expect
|
Add refs/decomps for dot/vdot (#108194)
|
2023-08-31 15:30:23 +00:00 |
|
export
|
Revert "[export] Lift constant tensors as buffers (#108592)" (#108893)
|
2023-09-08 22:25:10 +00:00 |
|
forward_backward_compatibility
|
Revert "Flash Attention v2 (#105602)" (#108827)
|
2023-09-08 07:43:04 +00:00 |
|
functorch
|
Revert "Introduce Tensor overload to linspace and logspace (#104889)"
|
2023-09-11 17:33:48 +00:00 |
|
fx
|
[fx][split] make sure we copy node.meta over during split (#107248)
|
2023-08-22 00:06:45 +00:00 |
|
inductor
|
[inductor] Add ir.Scan and lower aten.cumsum on CUDA (#106581)
|
2023-09-11 18:44:10 +00:00 |
|
jit
|
Reland: Remove remaining global set_default_dtype calls from tests (#108088)
|
2023-09-07 03:04:34 +00:00 |
|
jit_hooks
|
|
|
|
lazy
|
Use yaml.SafeLoader instead of legacy yaml.Loader (#100443)
|
2023-05-02 18:32:36 +00:00 |
|
mobile
|
[BE] Enable ruff's UP rules in pyproject.toml (#105437)
|
2023-07-21 19:14:52 +00:00 |
|
nn
|
add Half support for maxpool on CPU (#98819)
|
2023-09-05 18:23:41 +00:00 |
|
onnx
|
[ONNX] Add initial support for FP8 ONNX export (#107962)
|
2023-09-08 20:40:39 +00:00 |
|
onnx_caffe2
|
[BE] f-stringify torch/ and scripts (#105538)
|
2023-07-21 19:35:24 +00:00 |
|
optim
|
Add capturable ASGD impl (#107857)
|
2023-09-07 06:30:30 +00:00 |
|
package
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
profiler
|
Increased logging threshold for profiler matching (#108010)
|
2023-08-30 17:16:36 +00:00 |
|
quantization
|
[quant][pt2] Fix and rename move_model_to_eval (#108891)
|
2023-09-11 15:37:01 +00:00 |
|
scripts
|
Fix flake8 lint errors reported by ruff - take 2 (#99798)
|
2023-04-23 23:09:51 +00:00 |
|
test_img
|
|
|
|
torch_np
|
Revert "make sure all torch._numpy tests run on CI (#108762)"
|
2023-09-11 16:29:20 +00:00 |
|
typing
|
|
|
|
_test_bazel.py
|
[bazel] add build for functorch (#101475)
|
2023-05-18 20:29:08 +00:00 |
|
allowlist_for_publicAPI.json
|
Add _foreach_sign (#106343)
|
2023-08-01 22:33:34 +00:00 |
|
conftest.py
|
Do not collect and skip non-disabled tests when rerunning disabled tests (#102107)
|
2023-05-27 12:10:36 +00:00 |
|
create_dummy_torchscript_model.py
|
|
|
|
delete.py
|
|
|
|
HowToWriteTestsUsingFileCheck.md
|
|
|
|
linear.py
|
|
|
|
load_torchscript_model.py
|
|
|
|
mkl_verbose.py
|
|
|
|
mkldnn_verbose.py
|
|
|
|
run_doctests.sh
|
|
|
|
run_test.py
|
[ez] Fix small type error in run_test (#109036)
|
2023-09-11 21:11:20 +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
|
add pruning method: Filter Pruning via Geometric Median for Deep Convolutional Neural Networks Acceleration (#95689)
|
2023-08-02 16:24:42 +00:00 |
|
test_autocast.py
|
Allow float dtype when Autocast CPU Disabled (#107348)
|
2023-09-01 00:49:44 +00:00 |
|
test_autograd_fallback.py
|
Don't run test/autograd/test_fallback.py in parallel (#106866)
|
2023-08-10 00:26:23 +00:00 |
|
test_autograd.py
|
Update CopySlices to not internal assert when grad_output is undefined (#108353)
|
2023-09-11 16:26:05 +00:00 |
|
test_binary_ufuncs.py
|
[BE]: Update ruff to 0.285 (#107519)
|
2023-08-22 23:16:38 +00:00 |
|
test_bundled_images.py
|
|
|
|
test_bundled_inputs.py
|
|
|
|
test_comparison_utils.py
|
|
|
|
test_compile_benchmark_util.py
|
unify TEST_CUDA (#106685)
|
2023-08-10 09:01:36 +00:00 |
|
test_complex.py
|
Don't fastpath conj copy when conj/neg bit mismatch (#108881)
|
2023-09-08 20:44:43 +00:00 |
|
test_content_store.py
|
Add load_storage (#100519)
|
2023-05-05 05:25:03 +00:00 |
|
test_cpp_api_parity.py
|
Reland: Remove remaining global set_default_dtype calls from tests (#108088)
|
2023-09-07 03:04:34 +00:00 |
|
test_cpp_extensions_aot.py
|
Use random inputs for mps extension tests (#104597)
|
2023-07-06 07:14:56 +00:00 |
|
test_cpp_extensions_jit.py
|
[BE]: Update ruff to 0.285 (#107519)
|
2023-08-22 23:16:38 +00:00 |
|
test_cpp_extensions_open_device_registration.py
|
unify TEST_CUDA (#106685)
|
2023-08-10 09:01:36 +00:00 |
|
test_cuda_expandable_segments.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_cuda_multigpu.py
|
Revert "Fix test failure in TestCudaMultiGPU.test_cuda_device_memory_allocated (#105501)"
|
2023-07-24 14:18:44 +00:00 |
|
test_cuda_nvml_based_avail.py
|
|
|
|
test_cuda_primary_ctx.py
|
[BE] Use TEST_MULTIGPU from common_cuda.py (#103982)
|
2023-06-22 00:07:44 +00:00 |
|
test_cuda_sanitizer.py
|
unify TEST_CUDA (#106685)
|
2023-08-10 09:01:36 +00:00 |
|
test_cuda_trace.py
|
unify TEST_CUDA (#106685)
|
2023-08-10 09:01:36 +00:00 |
|
test_cuda.py
|
[CUDA][CUDA Graphs] Fix CUDAGraph::reset function (#108896)
|
2023-09-11 19:49:31 +00:00 |
|
test_custom_ops.py
|
Revert "[dynamo] Add BACKEND_MATCH guard to detect and recompile when backend changes (#107337)"
|
2023-09-08 02:03:48 +00:00 |
|
test_dataloader.py
|
Update ruff to v0.0.286 (#108058)
|
2023-08-28 22:55:56 +00:00 |
|
test_datapipe.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_decomp.py
|
Revert "Introduce Tensor overload to linspace and logspace (#104889)"
|
2023-09-11 17:33:48 +00:00 |
|
test_deploy.py
|
|
|
|
test_determination.py
|
|
|
|
test_dispatch.py
|
[BE]: Update ruff to 0.285 (#107519)
|
2023-08-22 23:16:38 +00:00 |
|
test_dlpack.py
|
Add DLPack bool support (#108486)
|
2023-09-08 17:55:33 +00:00 |
|
test_dynamic_shapes.py
|
remove redundant dynamic_dim (#107815)
|
2023-08-24 10:46:24 +00:00 |
|
test_expanded_weights.py
|
tf32 context fixes for various tests (#103137)
|
2023-06-15 02:33:12 +00:00 |
|
test_fake_tensor.py
|
Revert "Flash Attention v2 (#105602)" (#108827)
|
2023-09-08 07:43:04 +00:00 |
|
test_flop_counter.py
|
Revert "Flash Attention v2 (#105602)" (#108827)
|
2023-09-08 07:43:04 +00:00 |
|
test_foreach.py
|
Revert "Revert "Reland "Add forward mode AD to out-place foreach functions (#102409) (#106043)""" (#106320)
|
2023-08-18 23:01:42 +00:00 |
|
test_function_schema.py
|
|
|
|
test_functional_autograd_benchmark.py
|
|
|
|
test_functional_optim.py
|
Cudagraphs support for compiled optimizers (#107504)
|
2023-08-31 20:47:18 +00:00 |
|
test_functionalization_of_rng_ops.py
|
[philox_rand] Add decomps (#100206)
|
2023-04-28 02:20:13 +00:00 |
|
test_functionalization.py
|
reorder proxy / fake modes so they always run last (#104482)
|
2023-08-29 02:36:48 +00:00 |
|
test_futures.py
|
[Reland] Update mypy to 1.4.1 (#105227)
|
2023-07-15 20:30:20 +00:00 |
|
test_fx_experimental.py
|
Run translation validation on tracing error. (#106645)
|
2023-08-14 13:43:34 +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
|
|
|
|
test_fx.py
|
[dynamo] preserve some FX node metadata of GraphModules (#107067)
|
2023-09-11 17:11:51 +00:00 |
|
test_hub.py
|
Default permissions for torch.hub downloads (#82869)
|
2023-08-24 15:48:24 +00:00 |
|
test_import_stats.py
|
|
|
|
test_indexing.py
|
[Fix Bug] Cannot assign index like x[[1,2], :] = 2 when torch.use_deterministic_algorithms(True) to main (#105833)
|
2023-08-07 17:00:19 +00:00 |
|
test_itt.py
|
|
|
|
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
|
Revert "Remove remaining global set_default_dtype calls from tests (#107246)"
|
2023-08-25 19:34:55 +00:00 |
|
test_jit_disabled.py
|
|
|
|
test_jit_fuser_legacy.py
|
|
|
|
test_jit_fuser_te.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_jit_fuser.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_jit_legacy.py
|
|
|
|
test_jit_llga_fuser.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_jit_profiling.py
|
|
|
|
test_jit_simple.py
|
|
|
|
test_jit_string.py
|
|
|
|
test_jit.py
|
Reland: Remove remaining global set_default_dtype calls from tests (#108088)
|
2023-09-07 03:04:34 +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
|
[BE]: Apply ruff PERF fixes to torch (#104917)
|
2023-07-11 20:45:21 +00:00 |
|
test_license.py
|
|
|
|
test_linalg.py
|
Reland: Remove remaining global set_default_dtype calls from tests (#108088)
|
2023-09-07 03:04:34 +00:00 |
|
test_logging.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_masked.py
|
|
|
|
test_maskedtensor.py
|
Tighten FakeTensor reentrancy asserts, add debugging (#102091)
|
2023-05-24 05:37:51 +00:00 |
|
test_matmul_cuda.py
|
Add better error messaging to scaled_mm (#108454)
|
2023-09-07 21:26:47 +00:00 |
|
test_meta.py
|
[dynamo+aten] Enable embedding_bag_byte_unpack + meta kernel impl (#107937)
|
2023-08-26 08:52:42 +00:00 |
|
test_metal.py
|
|
|
|
test_mkl_verbose.py
|
|
|
|
test_mkldnn_fusion.py
|
Add channels_last3d support for mkldnn conv and mkldnn deconv (#95271)
|
2023-08-30 02:53:30 +00:00 |
|
test_mkldnn_verbose.py
|
|
|
|
test_mkldnn.py
|
Add channels_last3d support for mkldnn conv and mkldnn deconv (#95271)
|
2023-08-30 02:53:30 +00:00 |
|
test_mobile_optimizer.py
|
[BE]: Update ruff to 0.285 (#107519)
|
2023-08-22 23:16:38 +00:00 |
|
test_model_dump.py
|
|
|
|
test_model_exports_to_core_aten.py
|
[aten decomp] Update sdpa decom (#108371)
|
2023-09-03 15:17:08 +00:00 |
|
test_module_init.py
|
Reland "Add nn.CircularPad{*}d for consistency + fix no_batch_dim support (#106148)" (#106632)
|
2023-08-07 20:10:25 +00:00 |
|
test_modules.py
|
Add backward check for test_memory_format (#106104)
|
2023-08-25 18:11:54 +00:00 |
|
test_monitor.py
|
|
|
|
test_mps.py
|
[MPS] Implement mul operation for complex types (#108395)
|
2023-09-10 05:39:12 +00:00 |
|
test_multiprocessing_spawn.py
|
|
|
|
test_multiprocessing.py
|
Revert "Revert "Expandable blocks in allocator (#96995)"" (#99275)
|
2023-04-17 23:46:08 +00:00 |
|
test_namedtensor.py
|
[BE] f-stringify torch/ and scripts (#105538)
|
2023-07-21 19:35:24 +00:00 |
|
test_namedtuple_return_api.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_native_functions.py
|
[Dynamo] Fix nested function resume execution (#100426)
|
2023-05-11 03:10:23 +00:00 |
|
test_native_mha.py
|
|
|
|
test_nestedtensor.py
|
Add NestedTensor python subclass (#108314)
|
2023-09-11 18:29:20 +00:00 |
|
test_nn.py
|
Reland: Remove remaining global set_default_dtype calls from tests (#108088)
|
2023-09-07 03:04:34 +00:00 |
|
test_nnapi.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_numba_integration.py
|
|
|
|
test_numpy_interop.py
|
|
|
|
test_nvfuser_frontend.py
|
|
|
|
test_openmp.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_ops_fwd_gradients.py
|
Reland: Remove remaining global set_default_dtype calls from tests (#108088)
|
2023-09-07 03:04:34 +00:00 |
|
test_ops_gradients.py
|
Reland: Remove remaining global set_default_dtype calls from tests (#108088)
|
2023-09-07 03:04:34 +00:00 |
|
test_ops_jit.py
|
Reland: Remove remaining global set_default_dtype calls from tests (#108088)
|
2023-09-07 03:04:34 +00:00 |
|
test_ops.py
|
Decompose/add reference for view_as_complex (#108005)
|
2023-09-07 23:49:20 +00:00 |
|
test_optim.py
|
[optim][BE] split test file into logical parts: SWA, LR, optim (#101100)
|
2023-05-12 16:41:44 +00:00 |
|
test_out_dtype_op.py
|
Allow registering decomps for HigherOrderOp; add decomp for out_dtype (#108080)
|
2023-08-31 03:15:38 +00:00 |
|
test_overrides.py
|
Improve torch.cuda.amp type hints (#108630)
|
2023-09-08 06:06:25 +00:00 |
|
test_package.py
|
|
|
|
test_per_overload_api.py
|
|
|
|
test_prims.py
|
Remove dynamo+nvfuser (#105789)
|
2023-08-08 22:29:32 +00:00 |
|
test_proxy_tensor.py
|
Fix setitem with SymInt (#108873)
|
2023-09-10 06:44:22 +00:00 |
|
test_pruning_op.py
|
NumPy support in torch.compile (#106211)
|
2023-08-11 00:39:32 +00:00 |
|
test_public_bindings.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_python_dispatch.py
|
Allow adding extra dispatch keys to wrapper tensor subclass (#108808)
|
2023-09-08 18:46:09 +00:00 |
|
test_pytree.py
|
Serialize pytree to json string (#106116)
|
2023-08-27 14:34:49 +00:00 |
|
test_quantization.py
|
add basic cuda support for float8 dtypes (#105807)
|
2023-07-25 03:43:36 +00:00 |
|
test_reductions.py
|
[BE]: Update ruff to 0.285 (#107519)
|
2023-08-22 23:16:38 +00:00 |
|
test_scatter_gather_ops.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_schema_check.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_segment_reductions.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_serialization.py
|
When byteorder record is missing load as little endian by default (#108343)
|
2023-09-04 15:20:22 +00:00 |
|
test_set_default_mobile_cpu_allocator.py
|
|
|
|
test_shape_ops.py
|
|
|
|
test_show_pickle.py
|
|
|
|
test_sort_and_select.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_sparse_csr.py
|
update triton pin with needed inductor change (#107722)
|
2023-08-29 04:31:44 +00:00 |
|
test_sparse_semi_structured.py
|
[core][sparse][pruning] cuSPARSELt Kernels and ops. (#107398)
|
2023-08-25 07:04:15 +00:00 |
|
test_sparse.py
|
fall back to eager on NotImplementedError (#107863)
|
2023-09-07 21:22:20 +00:00 |
|
test_spectral_ops.py
|
decomposition spectral ops fixes (#108360)
|
2023-09-09 04:48:09 +00:00 |
|
test_stateless.py
|
Throw error if stateless.functional_call called with nn.DataParallel (#107403)
|
2023-08-18 03:02:04 +00:00 |
|
test_static_runtime.py
|
|
|
|
test_subclass.py
|
Allow storage() to work on python tensor subclasses, but error on future data accesses (#107417)
|
2023-08-22 15:25:31 +00:00 |
|
test_sympy_utils.py
|
Replace sympy.solve with a new simplified one. (#105877)
|
2023-08-02 17:53:29 +00:00 |
|
test_tensor_creation_ops.py
|
Reland: Remove remaining global set_default_dtype calls from tests (#108088)
|
2023-09-07 03:04:34 +00:00 |
|
test_tensorboard.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_tensorexpr_pybind.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_tensorexpr.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_testing.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |
|
test_throughput_benchmark.py
|
|
|
|
test_torch.py
|
Revert "Introduce Tensor overload to linspace and logspace (#104889)"
|
2023-09-11 17:33:48 +00:00 |
|
test_transformers.py
|
Revert "Flash Attention v2 (#105602)" (#108827)
|
2023-09-08 07:43:04 +00:00 |
|
test_type_hints.py
|
|
|
|
test_type_info.py
|
Reland: Remove remaining global set_default_dtype calls from tests (#108088)
|
2023-09-07 03:04:34 +00:00 |
|
test_type_promotion.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +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]: Update ruff to 0.285 (#107519)
|
2023-08-22 23:16:38 +00:00 |
|
test_utils.py
|
Add fast traceback utilities (#107358)
|
2023-08-18 19:05:54 +00:00 |
|
test_view_ops.py
|
Add skipLazy marker for tests and use it for tests not working with LazyTensor (#107382)
|
2023-08-22 22:34:36 +00:00 |
|
test_vulkan.py
|
|
|
|
test_weak.py
|
removing some redundant str splits (#106089)
|
2023-09-01 00:22:58 +00:00 |
|
test_xnnpack_integration.py
|
[BE] Enable ruff's UP rules and autoformat test/ (#105434)
|
2023-07-19 20:36:06 +00:00 |