diff --git a/test/ao/sparsity/test_kernels.py b/test/ao/sparsity/test_kernels.py index 6b5fc3aa56c7..3539eccd5e91 100644 --- a/test/ao/sparsity/test_kernels.py +++ b/test/ao/sparsity/test_kernels.py @@ -1,4 +1,6 @@ # -*- coding: utf-8 -*- +# Owner(s): ["module: unknown"] + from torch.testing._internal.common_utils import run_tests import copy diff --git a/test/ao/sparsity/test_parametrization.py b/test/ao/sparsity/test_parametrization.py index 6eb18910e3bb..ebf964b3a3aa 100644 --- a/test/ao/sparsity/test_parametrization.py +++ b/test/ao/sparsity/test_parametrization.py @@ -1,4 +1,6 @@ # -*- coding: utf-8 -*- +# Owner(s): ["module: unknown"] + import logging diff --git a/test/ao/sparsity/test_pruner.py b/test/ao/sparsity/test_pruner.py index 55364536b619..6a6a83d7fefb 100644 --- a/test/ao/sparsity/test_pruner.py +++ b/test/ao/sparsity/test_pruner.py @@ -1,4 +1,6 @@ # -*- coding: utf-8 -*- +# Owner(s): ["module: unknown"] + import logging diff --git a/test/ao/sparsity/test_scheduler.py b/test/ao/sparsity/test_scheduler.py index 49c1c54066d0..eb2f27450b90 100644 --- a/test/ao/sparsity/test_scheduler.py +++ b/test/ao/sparsity/test_scheduler.py @@ -1,4 +1,6 @@ # -*- coding: utf-8 -*- +# Owner(s): ["module: unknown"] + from torch import nn from torch.ao.sparsity import WeightNormSparsifier from torch.ao.sparsity import BaseScheduler, LambdaSL diff --git a/test/ao/sparsity/test_sparsifier.py b/test/ao/sparsity/test_sparsifier.py index 0fc989b747ef..263c17352286 100644 --- a/test/ao/sparsity/test_sparsifier.py +++ b/test/ao/sparsity/test_sparsifier.py @@ -1,4 +1,5 @@ # -*- coding: utf-8 -*- +# Owner(s): ["module: unknown"] import itertools import logging diff --git a/test/bottleneck_test/test.py b/test/bottleneck_test/test.py index 30e2307a8a10..368d62e34d1c 100644 --- a/test/bottleneck_test/test.py +++ b/test/bottleneck_test/test.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import torch x = torch.ones((3, 3), requires_grad=True) diff --git a/test/bottleneck_test/test_args.py b/test/bottleneck_test/test_args.py index cddb6a6401ea..6c00920841f8 100644 --- a/test/bottleneck_test/test_args.py +++ b/test/bottleneck_test/test_args.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import argparse import torch diff --git a/test/bottleneck_test/test_cuda.py b/test/bottleneck_test/test_cuda.py index 60d2f4b1a0b4..1cf018f0241a 100644 --- a/test/bottleneck_test/test_cuda.py +++ b/test/bottleneck_test/test_cuda.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import torch import torch.nn as nn diff --git a/test/custom_backend/test_custom_backend.py b/test/custom_backend/test_custom_backend.py index 2456080891a8..008008aaedcd 100644 --- a/test/custom_backend/test_custom_backend.py +++ b/test/custom_backend/test_custom_backend.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import os import tempfile import torch diff --git a/test/custom_operator/test_custom_classes.py b/test/custom_operator/test_custom_classes.py index c67fa22ec76c..7d307c42a58a 100644 --- a/test/custom_operator/test_custom_classes.py +++ b/test/custom_operator/test_custom_classes.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import unittest import torch from torch import ops diff --git a/test/custom_operator/test_custom_ops.py b/test/custom_operator/test_custom_ops.py index 356b4932d49a..b4e90dd4166e 100644 --- a/test/custom_operator/test_custom_ops.py +++ b/test/custom_operator/test_custom_ops.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import os.path import tempfile diff --git a/test/onnx/test_pytorch_onnx_caffe2_quantized.py b/test/onnx/test_pytorch_onnx_caffe2_quantized.py index fded49ea74c5..b427b85a2b56 100644 --- a/test/onnx/test_pytorch_onnx_caffe2_quantized.py +++ b/test/onnx/test_pytorch_onnx_caffe2_quantized.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import numpy as np import unittest import torch.onnx diff --git a/test/test_ao_sparsity.py b/test/test_ao_sparsity.py index c7aec4e8ed0c..d6a6e2de61c7 100644 --- a/test/test_ao_sparsity.py +++ b/test/test_ao_sparsity.py @@ -1,4 +1,6 @@ # -*- coding: utf-8 -*- +# Owner(s): ["module: unknown"] + from torch.testing._internal.common_utils import run_tests diff --git a/test/test_autocast.py b/test/test_autocast.py index 4e9597c6d7d4..aed0c3496223 100644 --- a/test/test_autocast.py +++ b/test/test_autocast.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import collections import torch from torch.testing._internal.common_utils import TestCase, run_tests diff --git a/test/test_function_schema.py b/test/test_function_schema.py index 7c7a0f77cb92..048ecf6464f5 100644 --- a/test/test_function_schema.py +++ b/test/test_function_schema.py @@ -1,3 +1,4 @@ +# Owner(s): ["module: unknown"] import torch from torch.testing._internal.common_utils import TestCase, run_tests diff --git a/test/test_futures.py b/test/test_futures.py index ee17f3846027..3537ea810d97 100644 --- a/test/test_futures.py +++ b/test/test_futures.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import threading import time import torch diff --git a/test/test_kernel_launch_checks.py b/test/test_kernel_launch_checks.py index a7c928f01038..10479e7d13b1 100644 --- a/test/test_kernel_launch_checks.py +++ b/test/test_kernel_launch_checks.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + from torch.testing._internal.common_utils import TestCase, run_tests from torch.testing._internal.check_kernel_launches import ( check_cuda_kernel_launches, check_code_for_cuda_kernel_launches diff --git a/test/test_license.py b/test/test_license.py index 204e7703f8d7..8ab45ba569f6 100644 --- a/test/test_license.py +++ b/test/test_license.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import glob import io import os diff --git a/test/test_logging.py b/test/test_logging.py index 828657b4f8d5..4bb057fd157a 100644 --- a/test/test_logging.py +++ b/test/test_logging.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import torch from torch.testing._internal.common_utils import TestCase, run_tests diff --git a/test/test_model_dump.py b/test/test_model_dump.py index f16473db1231..02d578c9e9e5 100644 --- a/test/test_model_dump.py +++ b/test/test_model_dump.py @@ -1,4 +1,6 @@ #!/usr/bin/env python3 +# Owner(s): ["module: unknown"] + import sys import os import io diff --git a/test/test_namedtuple_return_api.py b/test/test_namedtuple_return_api.py index 345431d5b250..d9b0c5ffe6cb 100644 --- a/test/test_namedtuple_return_api.py +++ b/test/test_namedtuple_return_api.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import os import re import yaml diff --git a/test/test_native_functions.py b/test/test_native_functions.py index fb5500aeae9b..831998cbf6be 100644 --- a/test/test_native_functions.py +++ b/test/test_native_functions.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + from typing import Optional, List import torch from torch.testing._internal.common_utils import TestCase, run_tests diff --git a/test/test_nnapi.py b/test/test_nnapi.py index 763bf48383bc..680ad25609fd 100644 --- a/test/test_nnapi.py +++ b/test/test_nnapi.py @@ -1,4 +1,6 @@ #!/usr/bin/env python3 +# Owner(s): ["module: unknown"] + import os import ctypes import torch diff --git a/test/test_numba_integration.py b/test/test_numba_integration.py index 9dea5b9cfba2..b20806e869dc 100644 --- a/test/test_numba_integration.py +++ b/test/test_numba_integration.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import unittest import torch.testing._internal.common_utils as common diff --git a/test/test_openmp.py b/test/test_openmp.py index 238c341151d0..f35ba4b1b091 100644 --- a/test/test_openmp.py +++ b/test/test_openmp.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import collections import unittest diff --git a/test/test_pruning_op.py b/test/test_pruning_op.py index 97a499b03ac1..88e5a4e57be5 100644 --- a/test/test_pruning_op.py +++ b/test/test_pruning_op.py @@ -1,3 +1,4 @@ +# Owner(s): ["module: unknown"] import hypothesis.strategies as st from hypothesis import given diff --git a/test/test_segment_reductions.py b/test/test_segment_reductions.py index 4df4ce57ab19..e9a295ab1d7b 100644 --- a/test/test_segment_reductions.py +++ b/test/test_segment_reductions.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + from itertools import product import numpy as np diff --git a/test/test_set_default_mobile_cpu_allocator.py b/test/test_set_default_mobile_cpu_allocator.py index cb2938ab4e31..29dea32f5a88 100644 --- a/test/test_set_default_mobile_cpu_allocator.py +++ b/test/test_set_default_mobile_cpu_allocator.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import torch from torch.testing._internal.common_utils import TestCase, run_tests diff --git a/test/test_show_pickle.py b/test/test_show_pickle.py index 79a558cbe51c..50b90de1ae16 100644 --- a/test/test_show_pickle.py +++ b/test/test_show_pickle.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import unittest import io import tempfile diff --git a/test/test_static_runtime.py b/test/test_static_runtime.py index 3d539514f27c..203216ecb02b 100644 --- a/test/test_static_runtime.py +++ b/test/test_static_runtime.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import unittest from typing import Dict, Optional diff --git a/test/test_tensorboard.py b/test/test_tensorboard.py index d6f5b728049b..4300e9a71006 100644 --- a/test/test_tensorboard.py +++ b/test/test_tensorboard.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import io import numpy as np import os diff --git a/test/test_throughput_benchmark.py b/test/test_throughput_benchmark.py index 139ca0c4cc55..75003c9fa2f8 100644 --- a/test/test_throughput_benchmark.py +++ b/test/test_throughput_benchmark.py @@ -1,3 +1,4 @@ +# Owner(s): ["module: unknown"] import torch from torch.utils import ThroughputBenchmark diff --git a/test/test_xnnpack_integration.py b/test/test_xnnpack_integration.py index a0f8328ec660..918282a40fd4 100644 --- a/test/test_xnnpack_integration.py +++ b/test/test_xnnpack_integration.py @@ -1,3 +1,5 @@ +# Owner(s): ["module: unknown"] + import unittest import torch