Remove TensorFlow Privacy __future__ imports.

Note: Exclude changes to the research directory.
PiperOrigin-RevId: 424650953
This commit is contained in:
Michael Reneer 2022-01-27 10:36:54 -08:00 committed by A. Unique TensorFlower
parent cfb1b881d8
commit a749ce4e30
69 changed files with 5 additions and 310 deletions

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""TensorFlow Privacy library.""" """TensorFlow Privacy library."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import sys import sys
from tensorflow_privacy.version import __version__ # pylint: disable=g-bad-import-order from tensorflow_privacy.version import __version__ # pylint: disable=g-bad-import-order

View file

@ -28,10 +28,6 @@ Example:
The output states that DP-SGD with these parameters satisfies (2.92, 1e-5)-DP. The output states that DP-SGD with these parameters satisfies (2.92, 1e-5)-DP.
""" """
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl import app from absl import app
from absl import flags from absl import flags

View file

@ -14,10 +14,6 @@
# ============================================================================== # ==============================================================================
"""Library for computing privacy values for DP-SGD.""" """Library for computing privacy values for DP-SGD."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import math import math
from absl import app from absl import app

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
# ============================================================================== # ==============================================================================
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import math import math
from absl.testing import absltest from absl.testing import absltest

View file

@ -30,10 +30,6 @@ The output states that DP-SGD with these parameters should
use a noise multiplier of 1.12. use a noise multiplier of 1.12.
""" """
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl import app from absl import app
from absl import flags from absl import flags

View file

@ -14,10 +14,6 @@
# ============================================================================== # ==============================================================================
"""Library for computing privacy values for DP-SGD.""" """Library for computing privacy values for DP-SGD."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import math import math
from absl import app from absl import app

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
# ============================================================================== # ==============================================================================
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl.testing import absltest from absl.testing import absltest
from absl.testing import parameterized from absl.testing import parameterized

View file

@ -36,9 +36,6 @@ The example code would be:
rdp += rdp_accountant.compute_rdp(q, sigma, T, orders) rdp += rdp_accountant.compute_rdp(q, sigma, T, orders)
eps, _, opt_order = rdp_accountant.get_privacy_spent(rdp, target_delta=delta) eps, _, opt_order = rdp_accountant.get_privacy_spent(rdp, target_delta=delta)
""" """
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import math import math
import sys import sys

View file

@ -12,11 +12,6 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
# ============================================================================== # ==============================================================================
"""Tests for rdp_accountant.py."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import math import math
import sys import sys

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""A lightweight buffer for maintaining tensors.""" """A lightweight buffer for maintaining tensors."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf

View file

@ -11,11 +11,6 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for tensor_buffer in eager mode."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf

View file

@ -11,11 +11,6 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for tensor_buffer in graph mode."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf

View file

@ -57,9 +57,6 @@ appearance of a same sample. For `target_delta`, the estimated epsilon is:
max_participation, min_separation, orders) max_participation, min_separation, orders)
eps = rdp_accountant.get_privacy_spent(orders, rdp, target_delta)[0] eps = rdp_accountant.get_privacy_spent(orders, rdp, target_delta)[0]
""" """
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import functools import functools
import math import math

View file

@ -12,11 +12,6 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
# ============================================================================== # ==============================================================================
"""Tests for rdp_accountant.py."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl.testing import parameterized from absl.testing import parameterized
import tensorflow as tf import tensorflow as tf

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""Loss functions for BoltOn method.""" """Loss functions for BoltOn method."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf
from tensorflow.compat.v1.python.framework import ops as _ops from tensorflow.compat.v1.python.framework import ops as _ops
from tensorflow.compat.v1.python.keras import losses from tensorflow.compat.v1.python.keras import losses

View file

@ -11,15 +11,11 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Unit testing for losses."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from contextlib import contextmanager # pylint: disable=g-importing-member from contextlib import contextmanager # pylint: disable=g-importing-member
from io import StringIO # pylint: disable=g-importing-member from io import StringIO # pylint: disable=g-importing-member
import sys import sys
from absl.testing import parameterized from absl.testing import parameterized
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf
from tensorflow.compat.v1.python.framework import test_util from tensorflow.compat.v1.python.framework import test_util

View file

@ -13,9 +13,6 @@
# limitations under the License. # limitations under the License.
"""BoltOn model for Bolt-on method of differentially private ML.""" """BoltOn model for Bolt-on method of differentially private ML."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf
from tensorflow.compat.v1.python.framework import ops as _ops from tensorflow.compat.v1.python.framework import ops as _ops
from tensorflow.compat.v1.python.keras import optimizers from tensorflow.compat.v1.python.keras import optimizers

View file

@ -11,11 +11,6 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Unit testing for models."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl.testing import parameterized from absl.testing import parameterized
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""BoltOn Optimizer for Bolt-on method.""" """BoltOn Optimizer for Bolt-on method."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf
from tensorflow.compat.v1.python.keras.optimizer_v2 import optimizer_v2 from tensorflow.compat.v1.python.keras.optimizer_v2 import optimizer_v2
from tensorflow.compat.v1.python.ops import math_ops from tensorflow.compat.v1.python.ops import math_ops

View file

@ -11,13 +11,9 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Unit testing for optimizers."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import unittest import unittest
from absl.testing import parameterized from absl.testing import parameterized
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf
from tensorflow.compat.v1.python import ops as _ops from tensorflow.compat.v1.python import ops as _ops

View file

@ -41,10 +41,6 @@ samples. In the common situation where the privacy mechanism remains unchanged
throughout the entire training process, the global state is usually None. throughout the entire training process, the global state is usually None.
""" """
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import abc import abc
import collections import collections

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""Implements DPQuery interface for Gaussian sum queries.""" """Implements DPQuery interface for Gaussian sum queries."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import collections import collections
import distutils import distutils

View file

@ -11,11 +11,6 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for GaussianSumQuery."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl.testing import parameterized from absl.testing import parameterized
import numpy as np import numpy as np

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""Implements DPQuery interface for queries over nested structures.""" """Implements DPQuery interface for queries over nested structures."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import collections import collections
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf

View file

@ -11,11 +11,6 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for NestedQuery."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import collections import collections

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""Implements DPQuery interface for no privacy average queries.""" """Implements DPQuery interface for no privacy average queries."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf
from tensorflow_privacy.privacy.analysis import dp_event from tensorflow_privacy.privacy.analysis import dp_event

View file

@ -12,12 +12,6 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for NoPrivacyAverageQuery."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl.testing import parameterized from absl.testing import parameterized
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""Implements DPQuery interface for normalized queries.""" """Implements DPQuery interface for normalized queries."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import collections import collections
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf

View file

@ -11,11 +11,6 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for NormalizedQuery."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""`DPQuery` for Gaussian sum queries with adaptive clipping.""" """`DPQuery` for Gaussian sum queries with adaptive clipping."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import collections import collections
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf

View file

@ -11,11 +11,6 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for QuantileAdaptiveClipSumQuery."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl.testing import parameterized from absl.testing import parameterized

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""Implements DPQuery interface for quantile estimator.""" """Implements DPQuery interface for quantile estimator."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import collections import collections
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf

View file

@ -12,12 +12,6 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for QuantileAdaptiveClipSumQuery."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl.testing import parameterized from absl.testing import parameterized
import numpy as np import numpy as np

View file

@ -16,10 +16,6 @@
Utility methods for testing private queries. Utility methods for testing private queries.
""" """
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
def run_query(query, records, global_state=None, weights=None): def run_query(query, records, global_state=None, weights=None):
"""Executes query on the given set of records as a single sample. """Executes query on the given set of records as a single sample.

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""Binary class head for Estimator that allow integration with TF Privacy.""" """Binary class head for Estimator that allow integration with TF Privacy."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow as tf import tensorflow as tf
from tensorflow.python.keras.utils import losses_utils # pylint: disable=g-direct-tensorflow-import from tensorflow.python.keras.utils import losses_utils # pylint: disable=g-direct-tensorflow-import
from tensorflow_estimator.python.estimator import model_fn from tensorflow_estimator.python.estimator import model_fn

View file

@ -11,13 +11,7 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for DP-enabled binary class heads."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
# from absl.testing import parameterized
import numpy as np import numpy as np
import tensorflow as tf import tensorflow as tf
from tensorflow_privacy.privacy.estimators import binary_class_head from tensorflow_privacy.privacy.estimators import binary_class_head

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""Estimator heads that allow integration with TF Privacy.""" """Estimator heads that allow integration with TF Privacy."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow as tf import tensorflow as tf
from tensorflow_privacy.privacy.estimators import head_utils from tensorflow_privacy.privacy.estimators import head_utils

View file

@ -11,13 +11,9 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for DP-enabled DNNClassifier."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import functools import functools
from absl.testing import parameterized from absl.testing import parameterized
import tensorflow as tf import tensorflow as tf
from tensorflow_privacy.privacy.estimators import dnn from tensorflow_privacy.privacy.estimators import dnn

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""Estimator heads that allow integration with TF Privacy.""" """Estimator heads that allow integration with TF Privacy."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from tensorflow_privacy.privacy.estimators.binary_class_head import DPBinaryClassHead from tensorflow_privacy.privacy.estimators.binary_class_head import DPBinaryClassHead
from tensorflow_privacy.privacy.estimators.multi_class_head import DPMultiClassHead from tensorflow_privacy.privacy.estimators.multi_class_head import DPMultiClassHead

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""Multiclass head for Estimator that allow integration with TF Privacy.""" """Multiclass head for Estimator that allow integration with TF Privacy."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow as tf import tensorflow as tf
from tensorflow.python.keras.utils import losses_utils # pylint: disable=g-direct-tensorflow-import from tensorflow.python.keras.utils import losses_utils # pylint: disable=g-direct-tensorflow-import
from tensorflow_estimator.python.estimator import model_fn from tensorflow_estimator.python.estimator import model_fn

View file

@ -11,11 +11,6 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for DP-enabled binary class heads."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import numpy as np import numpy as np
import tensorflow as tf import tensorflow as tf

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""Multiclass head for Estimator that allow integration with TF Privacy.""" """Multiclass head for Estimator that allow integration with TF Privacy."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow as tf import tensorflow as tf
from tensorflow.python.keras.utils import losses_utils # pylint: disable=g-direct-tensorflow-import from tensorflow.python.keras.utils import losses_utils # pylint: disable=g-direct-tensorflow-import
from tensorflow_estimator.python.estimator import model_fn from tensorflow_estimator.python.estimator import model_fn

View file

@ -11,11 +11,6 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for DP-enabled binary class heads."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import numpy as np import numpy as np
import tensorflow as tf import tensorflow as tf

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""Helper functions for unit tests for DP-enabled Estimators.""" """Helper functions for unit tests for DP-enabled Estimators."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import numpy as np import numpy as np
import tensorflow as tf import tensorflow as tf

View file

@ -11,13 +11,9 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for DP-enabled DNNClassifier."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import functools import functools
from absl.testing import parameterized from absl.testing import parameterized
import tensorflow as tf import tensorflow as tf
from tensorflow_privacy.privacy.estimators import test_utils from tensorflow_privacy.privacy.estimators import test_utils

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""Estimator v1 heads that allow integration with TF Privacy.""" """Estimator v1 heads that allow integration with TF Privacy."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow as tf import tensorflow as tf
from tensorflow.python.ops import lookup_ops # pylint: disable=g-direct-tensorflow-import from tensorflow.python.ops import lookup_ops # pylint: disable=g-direct-tensorflow-import

View file

@ -11,11 +11,6 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for DP-enabled binary class heads."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl.testing import parameterized from absl.testing import parameterized

View file

@ -11,11 +11,6 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for DP Keras Model."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl.testing import parameterized from absl.testing import parameterized

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""Differentially private optimizers for TensorFlow.""" """Differentially private optimizers for TensorFlow."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl import logging from absl import logging
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf

View file

@ -11,11 +11,6 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for differentially private optimizers."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl.testing import parameterized from absl.testing import parameterized
import numpy as np import numpy as np

View file

@ -14,10 +14,6 @@
# ============================================================================== # ==============================================================================
"""Differentially private version of Keras optimizer v2.""" """Differentially private version of Keras optimizer v2."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow as tf import tensorflow as tf
from tensorflow_privacy.privacy.dp_query import gaussian_query from tensorflow_privacy.privacy.dp_query import gaussian_query

View file

@ -11,11 +11,6 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for dp_optimizer_keras.py."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl.testing import parameterized from absl.testing import parameterized
import numpy as np import numpy as np

View file

@ -14,10 +14,6 @@
# ============================================================================== # ==============================================================================
"""Differentially private version of Keras optimizer v2.""" """Differentially private version of Keras optimizer v2."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow as tf import tensorflow as tf
from tensorflow_privacy.privacy.dp_query import gaussian_query from tensorflow_privacy.privacy.dp_query import gaussian_query

View file

@ -11,11 +11,6 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for differentially private optimizers."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import os import os

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""Vectorized differentially private optimizers for TensorFlow.""" """Vectorized differentially private optimizers for TensorFlow."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl import logging from absl import logging
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf

View file

@ -11,11 +11,6 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tests for differentially private optimizers."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl.testing import parameterized from absl.testing import parameterized
import mock import mock

View file

@ -17,10 +17,6 @@ This module includes classes designed to be compatible with TF1, based on
`tf.compat.v1.train.Optimizer` and `tf.estimator.Estimator`. `tf.compat.v1.train.Optimizer` and `tf.estimator.Estimator`.
""" """
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import sys import sys
# pylint: disable=g-import-not-at-top # pylint: disable=g-import-not-at-top

View file

@ -12,9 +12,7 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Tutorial for bolt_on module, the model and the optimizer.""" """Tutorial for bolt_on module, the model and the optimizer."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow.compat.v1 as tf # pylint: disable=wrong-import-position import tensorflow.compat.v1 as tf # pylint: disable=wrong-import-position
from tensorflow_privacy.privacy.bolt_on import losses # pylint: disable=wrong-import-position from tensorflow_privacy.privacy.bolt_on import losses # pylint: disable=wrong-import-position
from tensorflow_privacy.privacy.bolt_on import models # pylint: disable=wrong-import-position from tensorflow_privacy.privacy.bolt_on import models # pylint: disable=wrong-import-position

View file

@ -30,15 +30,10 @@ using the exposure metric of https://arxiv.org/abs/1802.08232.
This example is decribed in more details in this post: https://goo.gl/UKr7vH This example is decribed in more details in this post: https://goo.gl/UKr7vH
""" """
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import os import os
from absl import app from absl import app
from absl import flags from absl import flags
import numpy as np import numpy as np
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf
import tensorflow_datasets as tfds import tensorflow_datasets as tfds

View file

@ -11,19 +11,13 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Train a CNN on MNIST with differentially private SGD optimizer.""" """Train a CNN on MNIST with differentially private SGD optimizer."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import time import time
from absl import app from absl import app
from absl import flags from absl import flags
from absl import logging from absl import logging
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf
from tensorflow_privacy.privacy.analysis import compute_dp_sgd_privacy_lib from tensorflow_privacy.privacy.analysis import compute_dp_sgd_privacy_lib

View file

@ -13,11 +13,6 @@
# limitations under the License. # limitations under the License.
"""Common tools for DP-SGD MNIST tutorials.""" """Common tools for DP-SGD MNIST tutorials."""
# These are not necessary in a Python 3-only module.
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf
import tensorflow_datasets as tfds import tensorflow_datasets as tfds

View file

@ -12,13 +12,9 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Training a CNN on MNIST in TF Eager mode with DP-SGD optimizer.""" """Training a CNN on MNIST in TF Eager mode with DP-SGD optimizer."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl import app from absl import app
from absl import flags from absl import flags
import numpy as np import numpy as np
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf

View file

@ -13,10 +13,6 @@
# limitations under the License. # limitations under the License.
"""Training a CNN on MNIST with Keras and the DP SGD optimizer.""" """Training a CNN on MNIST with Keras and the DP SGD optimizer."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl import app from absl import app
from absl import flags from absl import flags
from absl import logging from absl import logging

View file

@ -13,14 +13,9 @@
# limitations under the License. # limitations under the License.
"""Training a CNN on MNIST with Keras and the DP SGD optimizer.""" """Training a CNN on MNIST with Keras and the DP SGD optimizer."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl import app from absl import app
from absl import flags from absl import flags
from absl import logging from absl import logging
import numpy as np import numpy as np
import tensorflow as tf import tensorflow as tf

View file

@ -11,20 +11,14 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Train a CNN on MNIST with DP-SGD optimizer on TPUs.""" """Train a CNN on MNIST with DP-SGD optimizer on TPUs."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import math import math
import time import time
from absl import app from absl import app
from absl import flags from absl import flags
from absl import logging from absl import logging
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf
from tensorflow_privacy.privacy.analysis import compute_dp_sgd_privacy_lib from tensorflow_privacy.privacy.analysis import compute_dp_sgd_privacy_lib

View file

@ -11,16 +11,10 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Training a CNN on MNIST with vectorized DP-SGD optimizer.""" """Training a CNN on MNIST with vectorized DP-SGD optimizer."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl import app from absl import app
from absl import flags from absl import flags
import numpy as np import numpy as np
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf

View file

@ -21,10 +21,6 @@ pp. 521-532. IEEE, 2018.
https://arxiv.org/abs/1808.06651. https://arxiv.org/abs/1808.06651.
""" """
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import math import math
from absl import app from absl import app

View file

@ -14,13 +14,8 @@
# ============================================================================= # =============================================================================
"""Training a deep NN on MovieLens with differentially private Adam optimizer.""" """Training a deep NN on MovieLens with differentially private Adam optimizer."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl import app from absl import app
from absl import flags from absl import flags
import numpy as np import numpy as np
import pandas as pd import pandas as pd
from scipy import stats from scipy import stats

View file

@ -11,12 +11,7 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
"""Scratchpad for training a CNN on MNIST with DPSGD.""" """Scratchpad for training a CNN on MNIST with DPSGD."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import numpy as np import numpy as np
import tensorflow.compat.v1 as tf import tensorflow.compat.v1 as tf