Module keras.distribute.keras_image_model_correctness_test

Correctness tests for tf.keras CNN models using DistributionStrategy.

Expand source code
# Copyright 2019 The TensorFlow Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
#     http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
# ==============================================================================
"""Correctness tests for tf.keras CNN models using DistributionStrategy."""

import tensorflow.compat.v2 as tf

import numpy as np
import keras
from keras import testing_utils
from keras.distribute import keras_correctness_test_base
from keras.optimizer_v2 import gradient_descent


@testing_utils.run_all_without_tensor_float_32(
    'Uses Dense layers, which call matmul. Even if Dense layers run in '
    'float64, the test sometimes fails with TensorFloat-32 enabled for unknown '
    'reasons')
class DistributionStrategyCnnCorrectnessTest(
    keras_correctness_test_base.TestDistributionStrategyCorrectnessBase):

  def get_model(self,
                initial_weights=None,
                distribution=None,
                input_shapes=None):
    del input_shapes
    with keras_correctness_test_base.MaybeDistributionScope(distribution):
      image = keras.layers.Input(shape=(28, 28, 3), name='image')
      c1 = keras.layers.Conv2D(
          name='conv1',
          filters=16,
          kernel_size=(3, 3),
          strides=(4, 4),
          kernel_regularizer=keras.regularizers.l2(1e-4))(
              image)
      if self.with_batch_norm == 'regular':
        c1 = keras.layers.BatchNormalization(name='bn1')(c1)
      elif self.with_batch_norm == 'sync':
        # Test with parallel batch norms to verify all-reduce works OK.
        bn1 = keras.layers.SyncBatchNormalization(name='bn1')(c1)
        bn2 = keras.layers.SyncBatchNormalization(name='bn2')(c1)
        c1 = keras.layers.Add()([bn1, bn2])
      c1 = keras.layers.MaxPooling2D(pool_size=(2, 2))(c1)
      logits = keras.layers.Dense(
          10, activation='softmax', name='pred')(
              keras.layers.Flatten()(c1))
      model = keras.Model(inputs=[image], outputs=[logits])

      if initial_weights:
        model.set_weights(initial_weights)

      model.compile(
          optimizer=gradient_descent.SGD(learning_rate=0.1),
          loss='sparse_categorical_crossentropy',
          metrics=['sparse_categorical_accuracy'])

    return model

  def _get_data(self, count, shape=(28, 28, 3), num_classes=10):
    centers = np.random.randn(num_classes, *shape)

    features = []
    labels = []
    for _ in range(count):
      label = np.random.randint(0, num_classes, size=1)[0]
      offset = np.random.normal(loc=0, scale=0.1, size=np.prod(shape))
      offset = offset.reshape(shape)
      labels.append(label)
      features.append(centers[label] + offset)

    x = np.asarray(features, dtype=np.float32)
    y = np.asarray(labels, dtype=np.float32).reshape((count, 1))
    return x, y

  def get_data(self):
    x_train, y_train = self._get_data(
        count=keras_correctness_test_base._GLOBAL_BATCH_SIZE *
        keras_correctness_test_base._EVAL_STEPS)
    x_predict = x_train
    return x_train, y_train, x_predict

  def get_data_with_partial_last_batch_eval(self):
    x_train, y_train = self._get_data(count=1280)
    x_eval, y_eval = self._get_data(count=1000)
    return x_train, y_train, x_eval, y_eval, x_eval

  @tf.__internal__.distribute.combinations.generate(
      keras_correctness_test_base.all_strategy_and_input_config_combinations() +
      keras_correctness_test_base.multi_worker_mirrored_eager())
  def test_cnn_correctness(self, distribution, use_numpy, use_validation_data):
    if (distribution ==
        tf.__internal__.distribute.combinations.central_storage_strategy_with_gpu_and_cpu):
      self.skipTest('b/183958183')
    self.run_correctness_test(distribution, use_numpy, use_validation_data)

  @tf.__internal__.distribute.combinations.generate(
      keras_correctness_test_base.all_strategy_and_input_config_combinations() +
      keras_correctness_test_base.multi_worker_mirrored_eager())
  def test_cnn_with_batch_norm_correctness(self, distribution, use_numpy,
                                           use_validation_data):
    self.run_correctness_test(
        distribution,
        use_numpy,
        use_validation_data,
        with_batch_norm='regular')

  @tf.__internal__.distribute.combinations.generate(
      keras_correctness_test_base.all_strategy_and_input_config_combinations() +
      keras_correctness_test_base.multi_worker_mirrored_eager())
  def test_cnn_with_sync_batch_norm_correctness(self, distribution, use_numpy,
                                                use_validation_data):
    if not tf.executing_eagerly():
      self.skipTest('SyncBatchNorm is not enabled in graph mode.')

    self.run_correctness_test(
        distribution,
        use_numpy,
        use_validation_data,
        with_batch_norm='sync')

  @tf.__internal__.distribute.combinations.generate(
      keras_correctness_test_base
      .all_strategy_and_input_config_combinations_eager() +
      keras_correctness_test_base.multi_worker_mirrored_eager() +
      keras_correctness_test_base.test_combinations_with_tpu_strategies_graph())
  def test_cnn_correctness_with_partial_last_batch_eval(self, distribution,
                                                        use_numpy,
                                                        use_validation_data):
    self.run_correctness_test(
        distribution,
        use_numpy,
        use_validation_data,
        partial_last_batch=True,
        training_epochs=1)

  @tf.__internal__.distribute.combinations.generate(
      keras_correctness_test_base.
      all_strategy_and_input_config_combinations_eager() +
      keras_correctness_test_base.multi_worker_mirrored_eager() +
      keras_correctness_test_base.test_combinations_with_tpu_strategies_graph())
  def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval(
      self, distribution, use_numpy, use_validation_data):
    self.run_correctness_test(
        distribution,
        use_numpy,
        use_validation_data,
        with_batch_norm='regular',
        partial_last_batch=True)


if __name__ == '__main__':
  tf.__internal__.distribute.multi_process_runner.test_main()

Classes

class DistributionStrategyCnnCorrectnessTest (methodName='runTest')

Model agnostic testing infra to test correctness of Keras models.

Create an instance of the class that will use the named test method when executed. Raises a ValueError if the instance does not have a method with the specified name.

Expand source code
class DistributionStrategyCnnCorrectnessTest(
    keras_correctness_test_base.TestDistributionStrategyCorrectnessBase):

  def get_model(self,
                initial_weights=None,
                distribution=None,
                input_shapes=None):
    del input_shapes
    with keras_correctness_test_base.MaybeDistributionScope(distribution):
      image = keras.layers.Input(shape=(28, 28, 3), name='image')
      c1 = keras.layers.Conv2D(
          name='conv1',
          filters=16,
          kernel_size=(3, 3),
          strides=(4, 4),
          kernel_regularizer=keras.regularizers.l2(1e-4))(
              image)
      if self.with_batch_norm == 'regular':
        c1 = keras.layers.BatchNormalization(name='bn1')(c1)
      elif self.with_batch_norm == 'sync':
        # Test with parallel batch norms to verify all-reduce works OK.
        bn1 = keras.layers.SyncBatchNormalization(name='bn1')(c1)
        bn2 = keras.layers.SyncBatchNormalization(name='bn2')(c1)
        c1 = keras.layers.Add()([bn1, bn2])
      c1 = keras.layers.MaxPooling2D(pool_size=(2, 2))(c1)
      logits = keras.layers.Dense(
          10, activation='softmax', name='pred')(
              keras.layers.Flatten()(c1))
      model = keras.Model(inputs=[image], outputs=[logits])

      if initial_weights:
        model.set_weights(initial_weights)

      model.compile(
          optimizer=gradient_descent.SGD(learning_rate=0.1),
          loss='sparse_categorical_crossentropy',
          metrics=['sparse_categorical_accuracy'])

    return model

  def _get_data(self, count, shape=(28, 28, 3), num_classes=10):
    centers = np.random.randn(num_classes, *shape)

    features = []
    labels = []
    for _ in range(count):
      label = np.random.randint(0, num_classes, size=1)[0]
      offset = np.random.normal(loc=0, scale=0.1, size=np.prod(shape))
      offset = offset.reshape(shape)
      labels.append(label)
      features.append(centers[label] + offset)

    x = np.asarray(features, dtype=np.float32)
    y = np.asarray(labels, dtype=np.float32).reshape((count, 1))
    return x, y

  def get_data(self):
    x_train, y_train = self._get_data(
        count=keras_correctness_test_base._GLOBAL_BATCH_SIZE *
        keras_correctness_test_base._EVAL_STEPS)
    x_predict = x_train
    return x_train, y_train, x_predict

  def get_data_with_partial_last_batch_eval(self):
    x_train, y_train = self._get_data(count=1280)
    x_eval, y_eval = self._get_data(count=1000)
    return x_train, y_train, x_eval, y_eval, x_eval

  @tf.__internal__.distribute.combinations.generate(
      keras_correctness_test_base.all_strategy_and_input_config_combinations() +
      keras_correctness_test_base.multi_worker_mirrored_eager())
  def test_cnn_correctness(self, distribution, use_numpy, use_validation_data):
    if (distribution ==
        tf.__internal__.distribute.combinations.central_storage_strategy_with_gpu_and_cpu):
      self.skipTest('b/183958183')
    self.run_correctness_test(distribution, use_numpy, use_validation_data)

  @tf.__internal__.distribute.combinations.generate(
      keras_correctness_test_base.all_strategy_and_input_config_combinations() +
      keras_correctness_test_base.multi_worker_mirrored_eager())
  def test_cnn_with_batch_norm_correctness(self, distribution, use_numpy,
                                           use_validation_data):
    self.run_correctness_test(
        distribution,
        use_numpy,
        use_validation_data,
        with_batch_norm='regular')

  @tf.__internal__.distribute.combinations.generate(
      keras_correctness_test_base.all_strategy_and_input_config_combinations() +
      keras_correctness_test_base.multi_worker_mirrored_eager())
  def test_cnn_with_sync_batch_norm_correctness(self, distribution, use_numpy,
                                                use_validation_data):
    if not tf.executing_eagerly():
      self.skipTest('SyncBatchNorm is not enabled in graph mode.')

    self.run_correctness_test(
        distribution,
        use_numpy,
        use_validation_data,
        with_batch_norm='sync')

  @tf.__internal__.distribute.combinations.generate(
      keras_correctness_test_base
      .all_strategy_and_input_config_combinations_eager() +
      keras_correctness_test_base.multi_worker_mirrored_eager() +
      keras_correctness_test_base.test_combinations_with_tpu_strategies_graph())
  def test_cnn_correctness_with_partial_last_batch_eval(self, distribution,
                                                        use_numpy,
                                                        use_validation_data):
    self.run_correctness_test(
        distribution,
        use_numpy,
        use_validation_data,
        partial_last_batch=True,
        training_epochs=1)

  @tf.__internal__.distribute.combinations.generate(
      keras_correctness_test_base.
      all_strategy_and_input_config_combinations_eager() +
      keras_correctness_test_base.multi_worker_mirrored_eager() +
      keras_correctness_test_base.test_combinations_with_tpu_strategies_graph())
  def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval(
      self, distribution, use_numpy, use_validation_data):
    self.run_correctness_test(
        distribution,
        use_numpy,
        use_validation_data,
        with_batch_norm='regular',
        partial_last_batch=True)

Ancestors

  • TestDistributionStrategyCorrectnessBase
  • tensorflow.python.framework.test_util.TensorFlowTestCase
  • absl.testing.parameterized.TestCase
  • absl.testing.absltest.TestCase
  • absl.third_party.unittest3_backport.case.TestCase
  • unittest.case.TestCase

Methods

def get_data(self)
Expand source code
def get_data(self):
  x_train, y_train = self._get_data(
      count=keras_correctness_test_base._GLOBAL_BATCH_SIZE *
      keras_correctness_test_base._EVAL_STEPS)
  x_predict = x_train
  return x_train, y_train, x_predict
def get_data_with_partial_last_batch_eval(self)
Expand source code
def get_data_with_partial_last_batch_eval(self):
  x_train, y_train = self._get_data(count=1280)
  x_eval, y_eval = self._get_data(count=1000)
  return x_train, y_train, x_eval, y_eval, x_eval
def get_model(self, initial_weights=None, distribution=None, input_shapes=None)
Expand source code
def get_model(self,
              initial_weights=None,
              distribution=None,
              input_shapes=None):
  del input_shapes
  with keras_correctness_test_base.MaybeDistributionScope(distribution):
    image = keras.layers.Input(shape=(28, 28, 3), name='image')
    c1 = keras.layers.Conv2D(
        name='conv1',
        filters=16,
        kernel_size=(3, 3),
        strides=(4, 4),
        kernel_regularizer=keras.regularizers.l2(1e-4))(
            image)
    if self.with_batch_norm == 'regular':
      c1 = keras.layers.BatchNormalization(name='bn1')(c1)
    elif self.with_batch_norm == 'sync':
      # Test with parallel batch norms to verify all-reduce works OK.
      bn1 = keras.layers.SyncBatchNormalization(name='bn1')(c1)
      bn2 = keras.layers.SyncBatchNormalization(name='bn2')(c1)
      c1 = keras.layers.Add()([bn1, bn2])
    c1 = keras.layers.MaxPooling2D(pool_size=(2, 2))(c1)
    logits = keras.layers.Dense(
        10, activation='softmax', name='pred')(
            keras.layers.Flatten()(c1))
    model = keras.Model(inputs=[image], outputs=[logits])

    if initial_weights:
      model.set_weights(initial_weights)

    model.compile(
        optimizer=gradient_descent.SGD(learning_rate=0.1),
        loss='sparse_categorical_crossentropy',
        metrics=['sparse_categorical_accuracy'])

  return model
def test_cnn_correctness_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_CentralStorageCPUAndGPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_CentralStorageCPUAndGPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_CentralStorageCPUAndGPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_CentralStorageCPUAndGPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_Default_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_Default_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_Default_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_Default_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_Default_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_Default_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_Default_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_Default_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_Mirrored2GPUs_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_Mirrored2GPUs_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_Mirrored2GPUs_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_Mirrored2GPUs_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MirroredCPUAndGPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MirroredCPUAndGPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MirroredCPUAndGPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MirroredCPUAndGPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_OneDeviceCPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_OneDeviceCPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_OneDeviceCPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_OneDeviceCPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_OneDeviceCPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_OneDeviceCPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_OneDeviceCPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_OneDeviceCPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_OneDeviceGPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_OneDeviceGPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_OneDeviceGPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_OneDeviceGPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_OneDeviceGPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_OneDeviceGPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_OneDeviceGPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_OneDeviceGPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_TPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_TPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_TPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_TPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_TPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_TPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_TPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_test_distribution_TPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_Default_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_Default_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_Default_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_Default_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_OneDeviceCPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_OneDeviceCPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_OneDeviceCPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_OneDeviceCPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_OneDeviceGPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_OneDeviceGPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_OneDeviceGPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_OneDeviceGPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_TPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_TPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_TPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_TPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_TPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_TPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_TPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_correctness_with_partial_last_batch_eval_test_distribution_TPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_Default_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_Default_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_Default_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_Default_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_OneDeviceCPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_OneDeviceCPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_OneDeviceCPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_OneDeviceCPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_OneDeviceGPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_OneDeviceGPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_OneDeviceGPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_OneDeviceGPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_TPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_TPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_TPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_TPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_TPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_TPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_TPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_and_partial_last_batch_eval_test_distribution_TPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_CentralStorageCPUAndGPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_CentralStorageCPUAndGPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_CentralStorageCPUAndGPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_CentralStorageCPUAndGPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_Default_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_Default_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_Default_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_Default_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_Default_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_Default_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_Default_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_Default_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_Mirrored2GPUs_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_Mirrored2GPUs_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_Mirrored2GPUs_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_Mirrored2GPUs_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MirroredCPUAndGPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MirroredCPUAndGPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MirroredCPUAndGPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MirroredCPUAndGPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_OneDeviceCPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_OneDeviceCPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_OneDeviceCPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_OneDeviceCPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_OneDeviceCPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_OneDeviceCPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_OneDeviceCPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_OneDeviceCPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_OneDeviceGPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_OneDeviceGPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_OneDeviceGPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_OneDeviceGPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_OneDeviceGPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_OneDeviceGPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_OneDeviceGPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_OneDeviceGPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_TPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_TPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_TPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_TPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_TPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_TPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_TPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_batch_norm_correctness_test_distribution_TPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_CentralStorageCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_CentralStorageCPUAndGPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_CentralStorageCPUAndGPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_CentralStorageCPUAndGPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_CentralStorageCPUAndGPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_Default_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_Default_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_Default_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_Default_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_Default_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_Default_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_Default_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_Default_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_Mirrored2GPUs_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_Mirrored2GPUs_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_Mirrored2GPUs_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_Mirrored2GPUs_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_Mirrored2GPUs_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MirroredCPUAndGPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MirroredCPUAndGPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MirroredCPUAndGPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MirroredCPUAndGPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MirroredCPUAndGPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x1CPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x1GPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_MultiWorkerMirrored2x2GPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_OneDeviceCPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_OneDeviceCPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_OneDeviceCPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_OneDeviceCPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_OneDeviceCPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_OneDeviceCPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_OneDeviceCPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_OneDeviceCPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_OneDeviceGPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_OneDeviceGPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_OneDeviceGPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_OneDeviceGPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_OneDeviceGPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_OneDeviceGPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_OneDeviceGPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_OneDeviceGPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_TPU_mode_eager_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_TPU_mode_eager_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_TPU_mode_eager_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_TPU_mode_eager_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_TPU_mode_graph_usenumpy_False_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_TPU_mode_graph_usenumpy_False_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_TPU_mode_graph_usenumpy_True_usevalidationdata_False(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()
def test_cnn_with_sync_batch_norm_correctness_test_distribution_TPU_mode_graph_usenumpy_True_usevalidationdata_True(self, **kwargs)

A wrapped test method that can treat some arguments in a special way.

Expand source code
def decorated(self, **kwargs):
  """A wrapped test method that can treat some arguments in a special way."""
  original_kwargs = kwargs.copy()

  # Skip combinations that are going to be executed in a different testing
  # environment.
  reasons_to_skip = []
  for combination in test_combinations:
    should_execute, reason = combination.should_execute_combination(
        original_kwargs.copy())
    if not should_execute:
      reasons_to_skip.append(" - " + reason)

  if reasons_to_skip:
    self.skipTest("\n".join(reasons_to_skip))

  customized_parameters = []
  for combination in test_combinations:
    customized_parameters.extend(combination.parameter_modifiers())
  customized_parameters = set(customized_parameters)

  # The function for running the test under the total set of
  # `context_managers`:
  def execute_test_method():
    requested_parameters = tf_inspect.getfullargspec(test_method).args
    for customized_parameter in customized_parameters:
      for argument, value in customized_parameter.modified_arguments(
          original_kwargs.copy(), requested_parameters).items():
        if value is ParameterModifier.DO_NOT_PASS_TO_THE_TEST:
          kwargs.pop(argument, None)
        else:
          kwargs[argument] = value

    omitted_arguments = set(requested_parameters).difference(
        set(list(kwargs.keys()) + ["self"]))
    if omitted_arguments:
      raise ValueError("The test requires parameters whose arguments "
                       "were not passed: {} .".format(omitted_arguments))
    missing_arguments = set(list(kwargs.keys()) + ["self"]).difference(
        set(requested_parameters))
    if missing_arguments:
      raise ValueError("The test does not take parameters that were passed "
                       ": {} .".format(missing_arguments))

    kwargs_to_pass = {}
    for parameter in requested_parameters:
      if parameter == "self":
        kwargs_to_pass[parameter] = self
      else:
        kwargs_to_pass[parameter] = kwargs[parameter]
    test_method(**kwargs_to_pass)

  # Install `context_managers` before running the test:
  context_managers = []
  for combination in test_combinations:
    for manager in combination.context_managers(
        original_kwargs.copy()):
      context_managers.append(manager)

  if hasattr(contextlib, "nested"):  # Python 2
    # TODO(isaprykin): Switch to ExitStack when contextlib2 is available.
    with contextlib.nested(*context_managers):
      execute_test_method()
  else:  # Python 3
    with contextlib.ExitStack() as context_stack:
      for manager in context_managers:
        context_stack.enter_context(manager)
      execute_test_method()

Inherited members