Use python3's simplified super() (#3519)
diff --git a/integrations/tensorflow/e2e/README.md b/integrations/tensorflow/e2e/README.md
index 54402dd..7ad2fbc 100644
--- a/integrations/tensorflow/e2e/README.md
+++ b/integrations/tensorflow/e2e/README.md
@@ -84,7 +84,7 @@
class SimpleArithmeticTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(SimpleArithmeticTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
# Compile a `tf.Module` named `SimpleArithmeticModule` into
# `CompiledModule`s for each reference and target backend.
self._modules = tf_test_utils.compile_tf_module(SimpleArithmeticModule)
diff --git a/integrations/tensorflow/e2e/batch_norm_test.py b/integrations/tensorflow/e2e/batch_norm_test.py
index 76ae675..a53ba03 100644
--- a/integrations/tensorflow/e2e/batch_norm_test.py
+++ b/integrations/tensorflow/e2e/batch_norm_test.py
@@ -42,7 +42,7 @@
class BatchNormTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(BatchNormTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(BatchNormModule)
def test_batch_norm_inference(self):
diff --git a/integrations/tensorflow/e2e/bool_test.py b/integrations/tensorflow/e2e/bool_test.py
index 41bec06..13adebc 100644
--- a/integrations/tensorflow/e2e/bool_test.py
+++ b/integrations/tensorflow/e2e/bool_test.py
@@ -41,7 +41,7 @@
class BooleanTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(BooleanTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(BooleanModule)
def test_constant(self):
diff --git a/integrations/tensorflow/e2e/broadcast_to_test.py b/integrations/tensorflow/e2e/broadcast_to_test.py
index 4f6ec87..7eb0936 100644
--- a/integrations/tensorflow/e2e/broadcast_to_test.py
+++ b/integrations/tensorflow/e2e/broadcast_to_test.py
@@ -34,7 +34,7 @@
class BroadcastToTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(BroadcastToTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(BroadcastToModule)
def test_scalar_broadcast_to(self):
diff --git a/integrations/tensorflow/e2e/broadcasting_test.py b/integrations/tensorflow/e2e/broadcasting_test.py
index 7a4750e..df2d387 100644
--- a/integrations/tensorflow/e2e/broadcasting_test.py
+++ b/integrations/tensorflow/e2e/broadcasting_test.py
@@ -34,7 +34,7 @@
class BroadcastingTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(BroadcastingTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(BroadcastingModule)
def test_add_same_shape(self):
diff --git a/integrations/tensorflow/e2e/complex_test.py b/integrations/tensorflow/e2e/complex_test.py
index 2a42bcd..e60f532 100644
--- a/integrations/tensorflow/e2e/complex_test.py
+++ b/integrations/tensorflow/e2e/complex_test.py
@@ -36,7 +36,7 @@
class ComplexTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(ComplexTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(ComplexModule)
def test_complex(self):
diff --git a/integrations/tensorflow/e2e/concat_test.py b/integrations/tensorflow/e2e/concat_test.py
index f7747e6..419ebe9 100644
--- a/integrations/tensorflow/e2e/concat_test.py
+++ b/integrations/tensorflow/e2e/concat_test.py
@@ -55,7 +55,7 @@
class ConcatOpsTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(ConcatOpsTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(ConcatOpsModule)
def test_concat_zero_dim(self):
diff --git a/integrations/tensorflow/e2e/control_flow_test.py b/integrations/tensorflow/e2e/control_flow_test.py
index 790c6c7..180f2da 100644
--- a/integrations/tensorflow/e2e/control_flow_test.py
+++ b/integrations/tensorflow/e2e/control_flow_test.py
@@ -38,7 +38,7 @@
class ControlFlowTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(ControlFlowTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(ControlFlowModule)
def test_short_sequence(self):
diff --git a/integrations/tensorflow/e2e/conv_test.py b/integrations/tensorflow/e2e/conv_test.py
index f383265..564d6fc 100644
--- a/integrations/tensorflow/e2e/conv_test.py
+++ b/integrations/tensorflow/e2e/conv_test.py
@@ -103,7 +103,7 @@
class ConvTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(ConvTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(Conv2dModule)
# yapf: disable
diff --git a/integrations/tensorflow/e2e/depth_conv_test.py b/integrations/tensorflow/e2e/depth_conv_test.py
index a1648c5..1a73413 100644
--- a/integrations/tensorflow/e2e/depth_conv_test.py
+++ b/integrations/tensorflow/e2e/depth_conv_test.py
@@ -77,7 +77,7 @@
class ConvTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(ConvTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(DepthConv2dModule)
# yapf: disable
diff --git a/integrations/tensorflow/e2e/dynamic_mlp_relu_test.py b/integrations/tensorflow/e2e/dynamic_mlp_relu_test.py
index 511b770..87b1636 100644
--- a/integrations/tensorflow/e2e/dynamic_mlp_relu_test.py
+++ b/integrations/tensorflow/e2e/dynamic_mlp_relu_test.py
@@ -68,7 +68,7 @@
class DynamicMlpReluTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(DynamicMlpReluTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(DynamicMlpReluModule,
exported_names=["predict"])
diff --git a/integrations/tensorflow/e2e/dynamic_mlp_test.py b/integrations/tensorflow/e2e/dynamic_mlp_test.py
index 2675014..4a531e6 100644
--- a/integrations/tensorflow/e2e/dynamic_mlp_test.py
+++ b/integrations/tensorflow/e2e/dynamic_mlp_test.py
@@ -64,7 +64,7 @@
class DynamicMlpTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(DynamicMlpTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(DynamicMlpModule,
exported_names=["predict"])
diff --git a/integrations/tensorflow/e2e/einsum_dynamic_test.py b/integrations/tensorflow/e2e/einsum_dynamic_test.py
index 9b29d69..2904da4 100644
--- a/integrations/tensorflow/e2e/einsum_dynamic_test.py
+++ b/integrations/tensorflow/e2e/einsum_dynamic_test.py
@@ -82,7 +82,7 @@
class EinsumDynamicTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(EinsumDynamicTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(EinsumDynamicModule)
# yapf: disable
diff --git a/integrations/tensorflow/e2e/einsum_static_test.py b/integrations/tensorflow/e2e/einsum_static_test.py
index b673ca9..316d8be 100644
--- a/integrations/tensorflow/e2e/einsum_static_test.py
+++ b/integrations/tensorflow/e2e/einsum_static_test.py
@@ -127,7 +127,7 @@
class EinsumStaticTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(EinsumStaticTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(EinsumStaticModule)
# yapf: disable
diff --git a/integrations/tensorflow/e2e/einsum_vector_test.py b/integrations/tensorflow/e2e/einsum_vector_test.py
index 910a43f..3f64f1f 100644
--- a/integrations/tensorflow/e2e/einsum_vector_test.py
+++ b/integrations/tensorflow/e2e/einsum_vector_test.py
@@ -67,7 +67,7 @@
class EinsumVectorTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(EinsumVectorTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(EinsumVectorModule)
# yapf: disable
diff --git a/integrations/tensorflow/e2e/fill_test.py b/integrations/tensorflow/e2e/fill_test.py
index d622074..24f74ed 100644
--- a/integrations/tensorflow/e2e/fill_test.py
+++ b/integrations/tensorflow/e2e/fill_test.py
@@ -34,7 +34,7 @@
class FillTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(FillTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(FillModule)
def test_fill(self):
diff --git a/integrations/tensorflow/e2e/finite_test.py b/integrations/tensorflow/e2e/finite_test.py
index fb5f5ca..761cae4 100644
--- a/integrations/tensorflow/e2e/finite_test.py
+++ b/integrations/tensorflow/e2e/finite_test.py
@@ -28,7 +28,7 @@
class FiniteTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(FiniteTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(FiniteModule)
def test_finite(self):
diff --git a/integrations/tensorflow/e2e/gather_test.py b/integrations/tensorflow/e2e/gather_test.py
index 07c5d5d..fa10205 100644
--- a/integrations/tensorflow/e2e/gather_test.py
+++ b/integrations/tensorflow/e2e/gather_test.py
@@ -67,7 +67,7 @@
class GatherTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(GatherTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(GatherModule)
# yapf: disable
diff --git a/integrations/tensorflow/e2e/keras/lstm_static_test.py b/integrations/tensorflow/e2e/keras/lstm_static_test.py
index 2a7836e..8d55a9f 100644
--- a/integrations/tensorflow/e2e/keras/lstm_static_test.py
+++ b/integrations/tensorflow/e2e/keras/lstm_static_test.py
@@ -31,7 +31,7 @@
class LstmStaticModule(tf.Module):
def __init__(self):
- super(LstmStaticModule, self).__init__()
+ super().__init__()
tf_utils.set_random_seed()
inputs = tf.keras.layers.Input(batch_size=NUM_BATCH, shape=INPUT_SHAPE[1:])
outputs = tf.keras.layers.LSTM(units=NUM_UNITS,
@@ -44,7 +44,7 @@
class LstmStaticTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(LstmStaticTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(LstmStaticModule,
exported_names=["predict"])
diff --git a/integrations/tensorflow/e2e/keras/lstm_test.py b/integrations/tensorflow/e2e/keras/lstm_test.py
index f831673..ced3c44 100644
--- a/integrations/tensorflow/e2e/keras/lstm_test.py
+++ b/integrations/tensorflow/e2e/keras/lstm_test.py
@@ -29,7 +29,7 @@
class LstmModule(tf.Module):
def __init__(self):
- super(LstmModule, self).__init__()
+ super().__init__()
tf_utils.set_random_seed()
inputs = tf.keras.layers.Input(batch_size=None, shape=DYNAMIC_SHAPE[1:])
outputs = tf.keras.layers.LSTM(units=NUM_UNITS,
@@ -42,7 +42,7 @@
class LstmTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(LstmTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(LstmModule,
exported_names=["predict"])
diff --git a/integrations/tensorflow/e2e/keras/train/model_train_test.py b/integrations/tensorflow/e2e/keras/train/model_train_test.py
index a77ff95..e074590 100644
--- a/integrations/tensorflow/e2e/keras/train/model_train_test.py
+++ b/integrations/tensorflow/e2e/keras/train/model_train_test.py
@@ -79,7 +79,7 @@
class ModelTrainTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(ModelTrainTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(
ModelTrain.CreateModule, exported_names=["train_step"])
diff --git a/integrations/tensorflow/e2e/keras/vision_model_test.py b/integrations/tensorflow/e2e/keras/vision_model_test.py
index 93265b7..114d407 100644
--- a/integrations/tensorflow/e2e/keras/vision_model_test.py
+++ b/integrations/tensorflow/e2e/keras/vision_model_test.py
@@ -132,7 +132,7 @@
class VisionModule(tf.Module):
def __init__(self):
- super(VisionModule, self).__init__()
+ super().__init__()
self.m = initialize_model()
self.m.predict = lambda x: self.m.call(x, training=False)
# Specify input shape with a static batch size.
@@ -145,7 +145,7 @@
class AppTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(AppTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(VisionModule,
exported_names=['predict'])
diff --git a/integrations/tensorflow/e2e/linspace_test.py b/integrations/tensorflow/e2e/linspace_test.py
index 46072a2..8012918 100644
--- a/integrations/tensorflow/e2e/linspace_test.py
+++ b/integrations/tensorflow/e2e/linspace_test.py
@@ -37,7 +37,7 @@
class LinspaceTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(LinspaceTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(LinspaceModule)
def test_linspace(self):
diff --git a/integrations/tensorflow/e2e/logical_ops_test.py b/integrations/tensorflow/e2e/logical_ops_test.py
index 075c8c2..cb25db2 100644
--- a/integrations/tensorflow/e2e/logical_ops_test.py
+++ b/integrations/tensorflow/e2e/logical_ops_test.py
@@ -50,7 +50,7 @@
class LogicalOpsTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(LogicalOpsTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(LogicalOpsModule)
# yapf: disable
diff --git a/integrations/tensorflow/e2e/mandelbrot_test.py b/integrations/tensorflow/e2e/mandelbrot_test.py
index 907d7a0..90c6fa1 100644
--- a/integrations/tensorflow/e2e/mandelbrot_test.py
+++ b/integrations/tensorflow/e2e/mandelbrot_test.py
@@ -92,7 +92,7 @@
class MandelbrotTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(MandelbrotTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(MandelbrotModule)
def test_mandelbrot(self):
diff --git a/integrations/tensorflow/e2e/math_test.py b/integrations/tensorflow/e2e/math_test.py
index 74e903e..79d1f11 100644
--- a/integrations/tensorflow/e2e/math_test.py
+++ b/integrations/tensorflow/e2e/math_test.py
@@ -46,7 +46,7 @@
class MathTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(MathTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(MathModule)
# yapf: disable
diff --git a/integrations/tensorflow/e2e/matrix_ops_dynamic_test.py b/integrations/tensorflow/e2e/matrix_ops_dynamic_test.py
index 8221e3b..0a3a766 100644
--- a/integrations/tensorflow/e2e/matrix_ops_dynamic_test.py
+++ b/integrations/tensorflow/e2e/matrix_ops_dynamic_test.py
@@ -47,7 +47,7 @@
class MatrixOpsDynamicTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(MatrixOpsDynamicTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(MatrixOpsDynamicModule)
# yapf: disable
diff --git a/integrations/tensorflow/e2e/matrix_ops_static_test.py b/integrations/tensorflow/e2e/matrix_ops_static_test.py
index 9131400..67d2454 100644
--- a/integrations/tensorflow/e2e/matrix_ops_static_test.py
+++ b/integrations/tensorflow/e2e/matrix_ops_static_test.py
@@ -59,7 +59,7 @@
class MatrixOpsStaticTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(MatrixOpsStaticTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(MatrixOpsStaticModule)
# yapf: disable
diff --git a/integrations/tensorflow/e2e/mobile_bert_squad_test.py b/integrations/tensorflow/e2e/mobile_bert_squad_test.py
index e674a2b..67278ae 100644
--- a/integrations/tensorflow/e2e/mobile_bert_squad_test.py
+++ b/integrations/tensorflow/e2e/mobile_bert_squad_test.py
@@ -45,7 +45,7 @@
"""Tests of MobileBertSquad."""
def __init__(self, *args, **kwargs):
- super(MobileBertSquadTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
model_type = 'quant_saved_model' if FLAGS.use_quantized_weights else 'float'
# Get_file will download the model weights from a publicly available folder,
diff --git a/integrations/tensorflow/e2e/range_test.py b/integrations/tensorflow/e2e/range_test.py
index a7673a8..ca988f6 100644
--- a/integrations/tensorflow/e2e/range_test.py
+++ b/integrations/tensorflow/e2e/range_test.py
@@ -35,7 +35,7 @@
class RangeTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(RangeTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(RangeModule)
def test_range(self):
diff --git a/integrations/tensorflow/e2e/resource_ops_test.py b/integrations/tensorflow/e2e/resource_ops_test.py
index 668ef37..886649c 100644
--- a/integrations/tensorflow/e2e/resource_ops_test.py
+++ b/integrations/tensorflow/e2e/resource_ops_test.py
@@ -21,7 +21,7 @@
class ResourcesOpsModule(tf.Module):
def __init__(self):
- super(ResourcesOpsModule, self).__init__()
+ super().__init__()
self.counter = tf.Variable(0.0)
@tf.function(input_signature=[tf.TensorSpec([], tf.float32)])
@@ -32,7 +32,7 @@
class ResourcesOpsTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(ResourcesOpsTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(ResourcesOpsModule)
def test_add_assign(self):
diff --git a/integrations/tensorflow/e2e/ring_buffer_test.py b/integrations/tensorflow/e2e/ring_buffer_test.py
index a3c8d18..18637ac 100644
--- a/integrations/tensorflow/e2e/ring_buffer_test.py
+++ b/integrations/tensorflow/e2e/ring_buffer_test.py
@@ -146,7 +146,7 @@
class StatefulRingBuffer(tf.keras.layers.Layer):
def __init__(self, state_shape=None, consume=False, **kwargs):
- super(StatefulRingBuffer, self).__init__(**kwargs)
+ super().__init__(**kwargs)
self.state_shape = state_shape
self.consume = consume
@@ -173,7 +173,7 @@
class StatefulRingBufferModule(tf.Module):
def __init__(self):
- super(StatefulRingBufferModule, self).__init__()
+ super().__init__()
state_shape = [BATCH_SIZE, TIME_SIZE, FEATURE_SIZE]
self.rb = StatefulRingBuffer(state_shape=state_shape)
@@ -186,7 +186,7 @@
class StatefulRingBufferTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(StatefulRingBufferTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(StatefulRingBufferModule,
exported_names=["predict"])
diff --git a/integrations/tensorflow/e2e/scatter_update_test.py b/integrations/tensorflow/e2e/scatter_update_test.py
index a7a4c83..9ed561c 100644
--- a/integrations/tensorflow/e2e/scatter_update_test.py
+++ b/integrations/tensorflow/e2e/scatter_update_test.py
@@ -52,7 +52,7 @@
class ScatterUpdateTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(ScatterUpdateTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(ScatterUpdateModule)
# yapf: disable
diff --git a/integrations/tensorflow/e2e/simple_arithmetic_test.py b/integrations/tensorflow/e2e/simple_arithmetic_test.py
index 314338b..8bd7b4e 100644
--- a/integrations/tensorflow/e2e/simple_arithmetic_test.py
+++ b/integrations/tensorflow/e2e/simple_arithmetic_test.py
@@ -41,7 +41,7 @@
class SimpleArithmeticTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(SimpleArithmeticTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(SimpleArithmeticModule)
def test_simple_mul(self):
diff --git a/integrations/tensorflow/e2e/simple_stateful_test.py b/integrations/tensorflow/e2e/simple_stateful_test.py
index 788b4c2..aa2cffa 100644
--- a/integrations/tensorflow/e2e/simple_stateful_test.py
+++ b/integrations/tensorflow/e2e/simple_stateful_test.py
@@ -22,7 +22,7 @@
class SimpleStatefulModule(tf.Module):
def __init__(self):
- super(SimpleStatefulModule, self).__init__()
+ super().__init__()
self.counter = tf.Variable(0.0)
@tf.function(input_signature=[tf.TensorSpec([], tf.float32)])
@@ -37,7 +37,7 @@
class StatefulTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(StatefulTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(SimpleStatefulModule)
def test_stateful(self):
diff --git a/integrations/tensorflow/e2e/sliding_window_test.py b/integrations/tensorflow/e2e/sliding_window_test.py
index 5450f6e..555cfa5 100644
--- a/integrations/tensorflow/e2e/sliding_window_test.py
+++ b/integrations/tensorflow/e2e/sliding_window_test.py
@@ -27,7 +27,7 @@
# during call() it appends new update and remove the oldest one
def __init__(self, state_shape=None, **kwargs):
- super(SlidingWindow, self).__init__(**kwargs)
+ super().__init__(**kwargs)
self.state_shape = state_shape
@@ -66,7 +66,7 @@
class SlidingWindowModule(tf.Module):
def __init__(self):
- super(SlidingWindowModule, self).__init__()
+ super().__init__()
state_shape = [BATCH_SIZE, TIME_SIZE, FEATURE_SIZE]
self.sw = SlidingWindow(state_shape=state_shape)
@@ -79,7 +79,7 @@
class SlidingWindowTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(SlidingWindowTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(SlidingWindowModule,
exported_names=["predict"])
diff --git a/integrations/tensorflow/e2e/slim_vision_models/slim_vision_model_test.py b/integrations/tensorflow/e2e/slim_vision_models/slim_vision_model_test.py
index 735885a..0580eaf 100644
--- a/integrations/tensorflow/e2e/slim_vision_models/slim_vision_model_test.py
+++ b/integrations/tensorflow/e2e/slim_vision_models/slim_vision_model_test.py
@@ -62,7 +62,7 @@
class SlimVisionModule(tf.Module):
def __init__(self):
- super(SlimVisionModule, self).__init__()
+ super().__init__()
tf_utils.set_random_seed()
model_path = posixpath.join(FLAGS.tf_hub_url, FLAGS.model, MODE)
hub_layer = hub.KerasLayer(model_path)
@@ -76,7 +76,7 @@
class SlimVisionTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(SlimVisionTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(SlimVisionModule,
exported_names=['predict'])
diff --git a/integrations/tensorflow/e2e/strings_test.py b/integrations/tensorflow/e2e/strings_test.py
index 0d1bca1..e223595 100644
--- a/integrations/tensorflow/e2e/strings_test.py
+++ b/integrations/tensorflow/e2e/strings_test.py
@@ -44,7 +44,7 @@
class StringsTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(StringsTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(StringsModule)
def test_print_ids(self):
diff --git a/integrations/tensorflow/e2e/tensorlist_test.py b/integrations/tensorflow/e2e/tensorlist_test.py
index 6a34a05..e76790e 100644
--- a/integrations/tensorflow/e2e/tensorlist_test.py
+++ b/integrations/tensorflow/e2e/tensorlist_test.py
@@ -71,7 +71,7 @@
class TensorListTest(tf_test_utils.TracedModuleTestCase):
def __init__(self, *args, **kwargs):
- super(TensorListTest, self).__init__(*args, **kwargs)
+ super().__init__(*args, **kwargs)
self._modules = tf_test_utils.compile_tf_module(TensorListModule)
# yapf: disable