Skip to content

Commit

Permalink
Set test owners for tests with unknown owners (pytorch#67552)
Browse files Browse the repository at this point in the history
Summary:
Action following pytorch#66232

Pull Request resolved: pytorch#67552

Reviewed By: jbschlosser

Differential Revision: D32028248

Pulled By: janeyx99

fbshipit-source-id: a006f7026288b7126dba58b31cac28e10ce0fed6
  • Loading branch information
janeyx99 authored and facebook-github-bot committed Oct 29, 2021
1 parent c19cda5 commit 6259601
Show file tree
Hide file tree
Showing 33 changed files with 62 additions and 0 deletions.
2 changes: 2 additions & 0 deletions test/ao/sparsity/test_kernels.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,6 @@
# -*- coding: utf-8 -*-
# Owner(s): ["module: unknown"]

from torch.testing._internal.common_utils import run_tests

import copy
Expand Down
2 changes: 2 additions & 0 deletions test/ao/sparsity/test_parametrization.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,6 @@
# -*- coding: utf-8 -*-
# Owner(s): ["module: unknown"]


import logging

Expand Down
2 changes: 2 additions & 0 deletions test/ao/sparsity/test_pruner.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,6 @@
# -*- coding: utf-8 -*-
# Owner(s): ["module: unknown"]


import logging

Expand Down
2 changes: 2 additions & 0 deletions test/ao/sparsity/test_scheduler.py
Original file line number Diff line number Diff line change
@@ -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
Expand Down
1 change: 1 addition & 0 deletions test/ao/sparsity/test_sparsifier.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
# -*- coding: utf-8 -*-
# Owner(s): ["module: unknown"]

import itertools
import logging
Expand Down
2 changes: 2 additions & 0 deletions test/bottleneck_test/test.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import torch

x = torch.ones((3, 3), requires_grad=True)
Expand Down
2 changes: 2 additions & 0 deletions test/bottleneck_test/test_args.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import argparse
import torch

Expand Down
2 changes: 2 additions & 0 deletions test/bottleneck_test/test_cuda.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import torch
import torch.nn as nn

Expand Down
2 changes: 2 additions & 0 deletions test/custom_backend/test_custom_backend.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import os
import tempfile
import torch
Expand Down
2 changes: 2 additions & 0 deletions test/custom_operator/test_custom_classes.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import unittest
import torch
from torch import ops
Expand Down
2 changes: 2 additions & 0 deletions test/custom_operator/test_custom_ops.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import os.path
import tempfile

Expand Down
2 changes: 2 additions & 0 deletions test/onnx/test_pytorch_onnx_caffe2_quantized.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import numpy as np
import unittest
import torch.onnx
Expand Down
2 changes: 2 additions & 0 deletions test/test_ao_sparsity.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,6 @@
# -*- coding: utf-8 -*-
# Owner(s): ["module: unknown"]


from torch.testing._internal.common_utils import run_tests

Expand Down
2 changes: 2 additions & 0 deletions test/test_autocast.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import collections
import torch
from torch.testing._internal.common_utils import TestCase, run_tests
Expand Down
1 change: 1 addition & 0 deletions test/test_function_schema.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Owner(s): ["module: unknown"]

import torch
from torch.testing._internal.common_utils import TestCase, run_tests
Expand Down
2 changes: 2 additions & 0 deletions test/test_futures.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import threading
import time
import torch
Expand Down
2 changes: 2 additions & 0 deletions test/test_kernel_launch_checks.py
Original file line number Diff line number Diff line change
@@ -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
Expand Down
2 changes: 2 additions & 0 deletions test/test_license.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import glob
import io
import os
Expand Down
2 changes: 2 additions & 0 deletions test/test_logging.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import torch
from torch.testing._internal.common_utils import TestCase, run_tests

Expand Down
2 changes: 2 additions & 0 deletions test/test_model_dump.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,6 @@
#!/usr/bin/env python3
# Owner(s): ["module: unknown"]

import sys
import os
import io
Expand Down
2 changes: 2 additions & 0 deletions test/test_namedtuple_return_api.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import os
import re
import yaml
Expand Down
2 changes: 2 additions & 0 deletions test/test_native_functions.py
Original file line number Diff line number Diff line change
@@ -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
Expand Down
2 changes: 2 additions & 0 deletions test/test_nnapi.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,6 @@
#!/usr/bin/env python3
# Owner(s): ["module: unknown"]

import os
import ctypes
import torch
Expand Down
2 changes: 2 additions & 0 deletions test/test_numba_integration.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import unittest

import torch.testing._internal.common_utils as common
Expand Down
2 changes: 2 additions & 0 deletions test/test_openmp.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import collections
import unittest

Expand Down
1 change: 1 addition & 0 deletions test/test_pruning_op.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Owner(s): ["module: unknown"]

import hypothesis.strategies as st
from hypothesis import given
Expand Down
2 changes: 2 additions & 0 deletions test/test_segment_reductions.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

from itertools import product

import numpy as np
Expand Down
2 changes: 2 additions & 0 deletions test/test_set_default_mobile_cpu_allocator.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import torch
from torch.testing._internal.common_utils import TestCase, run_tests

Expand Down
2 changes: 2 additions & 0 deletions test/test_show_pickle.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import unittest
import io
import tempfile
Expand Down
2 changes: 2 additions & 0 deletions test/test_static_runtime.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import unittest
from typing import Dict, Optional

Expand Down
2 changes: 2 additions & 0 deletions test/test_tensorboard.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import io
import numpy as np
import os
Expand Down
1 change: 1 addition & 0 deletions test/test_throughput_benchmark.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Owner(s): ["module: unknown"]

import torch
from torch.utils import ThroughputBenchmark
Expand Down
2 changes: 2 additions & 0 deletions test/test_xnnpack_integration.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,5 @@
# Owner(s): ["module: unknown"]

import unittest

import torch
Expand Down

0 comments on commit 6259601

Please sign in to comment.