Ejemplo n.º 1
0
    def _operator_and_mat_and_feed_dict(self, shape, dtype, use_placeholder):
        shape = list(shape)
        assert shape[-1] == shape[-2]

        batch_shape = shape[:-2]
        num_rows = shape[-1]

        # Uniform values that are at least length 1 from the origin.  Allows the
        # operator to be well conditioned.
        # Shape batch_shape
        multiplier = linear_operator_test_util.random_sign_uniform(
            shape=batch_shape, minval=1., maxval=2., dtype=dtype)

        operator = linalg_lib.LinearOperatorScaledIdentity(
            num_rows, multiplier)

        # Nothing to feed since LinearOperatorScaledIdentity takes no Tensor args.
        if use_placeholder:
            multiplier_ph = array_ops.placeholder(dtype=dtype)
            multiplier = multiplier.eval()
            operator = linalg_lib.LinearOperatorScaledIdentity(
                num_rows, multiplier_ph)
            feed_dict = {multiplier_ph: multiplier}
        else:
            feed_dict = None

        multiplier_matrix = array_ops.expand_dims(
            array_ops.expand_dims(multiplier, -1), -1)
        mat = multiplier_matrix * linalg_ops.eye(
            num_rows, batch_shape=batch_shape, dtype=dtype)

        return operator, mat, feed_dict
Ejemplo n.º 2
0
    def test_broadcast_apply_and_solve_scalar_scale_multiplier(self):
        # These cannot be done in the automated (base test class) tests since they
        # test shapes that tf.batch_matmul cannot handle.
        # In particular, tf.batch_matmul does not broadcast.
        with self.test_session() as sess:
            # Given this x and LinearOperatorScaledIdentity shape of (3, 3), the
            # broadcast shape of operator and 'x' is (1, 2, 3, 4), which is the same
            # shape as x.
            x = random_ops.random_normal(shape=(1, 2, 3, 4))

            # operator is 2.2 * identity (with a batch shape).
            operator = linalg_lib.LinearOperatorScaledIdentity(num_rows=3,
                                                               multiplier=2.2)

            # Test apply
            expected = x * 2.2
            operator_apply = operator.apply(x)
            self.assertAllEqual(operator_apply.get_shape(),
                                expected.get_shape())
            self.assertAllClose(*sess.run([operator_apply, expected]))

            # Test solve
            expected = x / 2.2
            operator_solve = operator.solve(x)
            self.assertAllEqual(operator_solve.get_shape(),
                                expected.get_shape())
            self.assertAllClose(*sess.run([operator_solve, expected]))
Ejemplo n.º 3
0
    def test_broadcast_apply_and_solve(self):
        # These cannot be done in the automated (base test class) tests since they
        # test shapes that tf.batch_matmul cannot handle.
        # In particular, tf.batch_matmul does not broadcast.
        with self.test_session() as sess:
            # Given this x and LinearOperatorScaledIdentity shape of (2, 1, 3, 3), the
            # broadcast shape of operator and 'x' is (2, 2, 3, 4)
            x = random_ops.random_normal(shape=(1, 2, 3, 4))

            # operator is 2.2 * identity (with a batch shape).
            operator = linalg_lib.LinearOperatorScaledIdentity(
                num_rows=3, multiplier=2.2 * array_ops.ones((2, 1)))

            # Batch matrix of zeros with the broadcast shape of x and operator.
            zeros = array_ops.zeros(shape=(2, 2, 3, 4), dtype=x.dtype)

            # Test apply
            expected = x * 2.2 + zeros
            operator_apply = operator.apply(x)
            self.assertAllEqual(operator_apply.get_shape(),
                                expected.get_shape())
            self.assertAllClose(*sess.run([operator_apply, expected]))

            # Test solve
            expected = x / 2.2 + zeros
            operator_solve = operator.solve(x)
            self.assertAllEqual(operator_solve.get_shape(),
                                expected.get_shape())
            self.assertAllClose(*sess.run([operator_solve, expected]))
Ejemplo n.º 4
0
 def test_is_x_flags(self):
     operator = linalg_lib.LinearOperatorScaledIdentity(
         num_rows=2,
         multiplier=1.,
         is_positive_definite=False,
         is_non_singular=True)
     self.assertFalse(operator.is_positive_definite)
     self.assertTrue(operator.is_non_singular)
     self.assertTrue(operator.is_self_adjoint is None)
Ejemplo n.º 5
0
    def test_wrong_matrix_dimensions_raises_dynamic(self):
        num_rows = array_ops.placeholder(dtypes.int32)
        x = array_ops.placeholder(dtypes.float32)

        with self.test_session():
            operator = linalg_lib.LinearOperatorScaledIdentity(
                num_rows, multiplier=[1., 2], assert_proper_shapes=True)
            y = operator.apply(x)
            with self.assertRaisesOpError("Incompatible.*dimensions"):
                y.eval(feed_dict={num_rows: 2, x: rng.rand(3, 3)})
Ejemplo n.º 6
0
 def test_float16_apply(self):
     # float16 cannot be tested by base test class because tf.matrix_solve does
     # not work with float16.
     with self.test_session():
         multiplier = rng.rand(3).astype(np.float16)
         operator = linalg_lib.LinearOperatorScaledIdentity(
             num_rows=2, multiplier=multiplier)
         x = rng.randn(2, 3).astype(np.float16)
         y = operator.apply(x)
         self.assertAllClose(multiplier[..., None, None] * x, y.eval())
Ejemplo n.º 7
0
def make_diag_scale(loc=None,
                    scale_diag=None,
                    scale_identity_multiplier=None,
                    shape_hint=None,
                    validate_args=False,
                    assert_positive=False,
                    name=None):
    """Creates a LinOp representing a diagonal matrix.

  Args:
    loc: Floating-point `Tensor`. This is used for inferring shape in the case
      where only `scale_identity_multiplier` is set.
    scale_diag: Floating-point `Tensor` representing the diagonal matrix.
      `scale_diag` has shape [N1, N2, ...  k], which represents a k x k
      diagonal matrix.
      When `None` no diagonal term is added to the LinOp.
    scale_identity_multiplier: floating point rank 0 `Tensor` representing a
      scaling done to the identity matrix.
      When `scale_identity_multiplier = scale_diag = scale_tril = None` then
      `scale += IdentityMatrix`. Otherwise no scaled-identity-matrix is added
      to `scale`.
    shape_hint: scalar integer `Tensor` representing a hint at the dimension of
      the identity matrix when only `scale_identity_multiplier` is set.
    validate_args: Python `bool` indicating whether arguments should be
      checked for correctness.
    assert_positive: Python `bool` indicating whether LinOp should be checked
      for being positive definite.
    name: Python `str` name given to ops managed by this object.

  Returns:
    `LinearOperator` representing a lower triangular matrix.

  Raises:
    ValueError:  If only `scale_identity_multiplier` is set and `loc` and
      `shape_hint` are both None.
  """
    def _maybe_attach_assertion(x):
        if not validate_args:
            return x
        if assert_positive:
            return control_flow_ops.with_dependencies([
                check_ops.assert_positive(
                    x, message="diagonal part must be positive"),
            ], x)
        return control_flow_ops.with_dependencies([
            check_ops.assert_none_equal(
                x,
                array_ops.zeros([], x.dtype),
                message="diagonal part must be non-zero")
        ], x)

    with ops.name_scope(name,
                        "make_diag_scale",
                        values=[loc, scale_diag, scale_identity_multiplier]):
        loc = _convert_to_tensor(loc, name="loc")
        scale_diag = _convert_to_tensor(scale_diag, name="scale_diag")
        scale_identity_multiplier = _convert_to_tensor(
            scale_identity_multiplier, name="scale_identity_multiplier")

        if scale_diag is not None:
            if scale_identity_multiplier is not None:
                scale_diag += scale_identity_multiplier[..., array_ops.newaxis]
            return linalg.LinearOperatorDiag(
                diag=_maybe_attach_assertion(scale_diag),
                is_non_singular=True,
                is_self_adjoint=True,
                is_positive_definite=assert_positive)

        if loc is None and shape_hint is None:
            raise ValueError("Cannot infer `event_shape` unless `loc` or "
                             "`shape_hint` is specified.")

        if shape_hint is None:
            shape_hint = loc.shape[-1]

        if scale_identity_multiplier is None:
            return linalg.LinearOperatorIdentity(
                num_rows=shape_hint,
                dtype=loc.dtype.base_dtype,
                is_self_adjoint=True,
                is_positive_definite=True,
                assert_proper_shapes=validate_args)

        return linalg.LinearOperatorScaledIdentity(
            num_rows=shape_hint,
            multiplier=_maybe_attach_assertion(scale_identity_multiplier),
            is_non_singular=True,
            is_self_adjoint=True,
            is_positive_definite=assert_positive,
            assert_proper_shapes=validate_args)
Ejemplo n.º 8
0
def make_diag_scale(loc,
                    scale_diag,
                    scale_identity_multiplier,
                    validate_args,
                    assert_positive,
                    name=None):
    """Creates a LinOp from `scale_diag`, `scale_identity_multiplier` kwargs."""
    def _convert_to_tensor(x, name):
        return None if x is None else ops.convert_to_tensor(x, name=name)

    def _maybe_attach_assertion(x):
        if not validate_args:
            return x
        if assert_positive:
            return control_flow_ops.with_dependencies([
                check_ops.assert_positive(
                    x, message="diagonal part must be positive"),
            ], x)
        # TODO(b/35157376): Use `assert_none_equal` once it exists.
        return control_flow_ops.with_dependencies([
            check_ops.assert_greater(math_ops.abs(x),
                                     array_ops.zeros([], x.dtype),
                                     message="diagonal part must be non-zero"),
        ], x)

    with ops.name_scope(name,
                        "make_diag_scale",
                        values=[loc, scale_diag, scale_identity_multiplier]):
        loc = _convert_to_tensor(loc, name="loc")
        scale_diag = _convert_to_tensor(scale_diag, name="scale_diag")
        scale_identity_multiplier = _convert_to_tensor(
            scale_identity_multiplier, name="scale_identity_multiplier")

        if scale_diag is not None:
            if scale_identity_multiplier is not None:
                scale_diag += scale_identity_multiplier[..., array_ops.newaxis]
            return linalg.LinearOperatorDiag(
                diag=_maybe_attach_assertion(scale_diag),
                is_non_singular=True,
                is_self_adjoint=True,
                is_positive_definite=assert_positive)

        # TODO(b/35290280): Consider inferring shape from scale_perturb_factor.
        if loc is None:
            raise ValueError(
                "Cannot infer `event_shape` unless `loc` is specified.")

        num_rows = dimension_size(loc, -1)

        if scale_identity_multiplier is None:
            return linalg.LinearOperatorIdentity(
                num_rows=num_rows,
                dtype=loc.dtype.base_dtype,
                is_self_adjoint=True,
                is_positive_definite=True,
                assert_proper_shapes=validate_args)

        return linalg.LinearOperatorScaledIdentity(
            num_rows=num_rows,
            multiplier=_maybe_attach_assertion(scale_identity_multiplier),
            is_non_singular=True,
            is_self_adjoint=True,
            is_positive_definite=assert_positive,
            assert_proper_shapes=validate_args)
Ejemplo n.º 9
0
 def test_wrong_matrix_dimensions_raises_static(self):
     operator = linalg_lib.LinearOperatorScaledIdentity(num_rows=2,
                                                        multiplier=2.2)
     x = rng.randn(3, 3).astype(np.float32)
     with self.assertRaisesRegexp(ValueError, "Dimensions.*not compatible"):
         operator.apply(x)
Ejemplo n.º 10
0
 def test_non_scalar_num_rows_raises_static(self):
     # Many "test_...num_rows" tests are performed in LinearOperatorIdentity.
     with self.assertRaisesRegexp(ValueError, "must be a 0-D Tensor"):
         linalg_lib.LinearOperatorScaledIdentity(num_rows=[2],
                                                 multiplier=123.)
Ejemplo n.º 11
0
 def test_assert_self_adjoint_raises_when_not_self_adjoint(self):
     with self.test_session():
         operator = linalg_lib.LinearOperatorScaledIdentity(
             num_rows=2, multiplier=[1. + 1J])
         with self.assertRaisesOpError("not self-adjoint"):
             operator.assert_self_adjoint().run()
Ejemplo n.º 12
0
 def test_assert_self_adjoint_does_not_raise_when_self_adjoint(self):
     with self.test_session():
         operator = linalg_lib.LinearOperatorScaledIdentity(
             num_rows=2, multiplier=[1. + 0J])
         operator.assert_self_adjoint().run()  # Should not fail
Ejemplo n.º 13
0
 def test_assert_non_singular_raises_when_singular(self):
     with self.test_session():
         operator = linalg_lib.LinearOperatorScaledIdentity(
             num_rows=2, multiplier=[1., 2., 0.])
         with self.assertRaisesOpError("was singular"):
             operator.assert_non_singular().run()
Ejemplo n.º 14
0
 def test_assert_non_singular_does_not_raise_when_non_singular(self):
     with self.test_session():
         operator = linalg_lib.LinearOperatorScaledIdentity(
             num_rows=2, multiplier=[1., 2., 3.])
         operator.assert_non_singular().run()  # Should not fail
Ejemplo n.º 15
0
 def test_assert_positive_definite_raises_when_negative(self):
     with self.test_session():
         operator = linalg_lib.LinearOperatorScaledIdentity(num_rows=2,
                                                            multiplier=-1.)
         with self.assertRaisesOpError("not positive definite"):
             operator.assert_positive_definite().run()
Ejemplo n.º 16
0
 def test_assert_positive_definite_does_not_raise_when_positive(self):
     with self.test_session():
         operator = linalg_lib.LinearOperatorScaledIdentity(num_rows=2,
                                                            multiplier=1.)
         operator.assert_positive_definite().run()  # Should not fail