2018-11-17 18:03:33 -08:00
|
|
|
# Copyright 2018 Google LLC
|
|
|
|
#
|
|
|
|
# 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
|
|
|
|
#
|
|
|
|
# https://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.
|
|
|
|
|
|
|
|
|
2019-10-16 01:35:39 +00:00
|
|
|
from functools import partial
|
2019-03-19 16:38:42 -07:00
|
|
|
from unittest import SkipTest
|
|
|
|
|
2018-11-17 18:03:33 -08:00
|
|
|
from absl.testing import absltest
|
|
|
|
from absl.testing import parameterized
|
|
|
|
|
|
|
|
import numpy as onp
|
2020-01-18 08:26:23 -05:00
|
|
|
import scipy.linalg
|
2018-11-17 18:03:33 -08:00
|
|
|
import scipy.special
|
|
|
|
import scipy.stats
|
|
|
|
|
|
|
|
from jax import api
|
2019-12-01 09:44:45 -05:00
|
|
|
from jax import grad
|
2018-11-17 18:03:33 -08:00
|
|
|
from jax import lax
|
2019-08-04 10:25:48 -04:00
|
|
|
from jax import numpy as np
|
2018-11-17 18:03:33 -08:00
|
|
|
from jax import random
|
|
|
|
from jax import test_util as jtu
|
2019-12-01 09:44:45 -05:00
|
|
|
from jax import vmap
|
2019-06-11 14:56:21 -07:00
|
|
|
from jax.interpreters import xla
|
2018-11-17 18:03:33 -08:00
|
|
|
|
2018-12-12 09:00:39 -08:00
|
|
|
from jax.config import config
|
2018-12-06 18:37:59 -05:00
|
|
|
config.parse_flags_with_absl()
|
2018-11-29 12:30:34 -08:00
|
|
|
FLAGS = config.FLAGS
|
2018-11-17 18:03:33 -08:00
|
|
|
|
|
|
|
|
|
|
|
class LaxRandomTest(jtu.JaxTestCase):
|
|
|
|
|
|
|
|
def _CheckCollisions(self, samples, nbits):
|
|
|
|
fail_prob = 0.01 # conservative bound on statistical fail prob by Chebyshev
|
|
|
|
nitems = len(samples)
|
|
|
|
nbins = 2 ** nbits
|
|
|
|
nexpected = nbins * (1 - ((nbins - 1) / nbins) ** nitems)
|
|
|
|
ncollisions = len(onp.unique(samples))
|
|
|
|
sq_percent_deviation = ((ncollisions - nexpected) / nexpected) ** 2
|
|
|
|
self.assertLess(sq_percent_deviation, 1 / onp.sqrt(nexpected * fail_prob))
|
|
|
|
|
|
|
|
def _CheckKolmogorovSmirnovCDF(self, samples, cdf):
|
|
|
|
fail_prob = 0.01 # conservative bound on statistical fail prob by Kolmo CDF
|
2019-08-06 11:55:59 +01:00
|
|
|
self.assertGreater(scipy.stats.kstest(samples, cdf).pvalue, fail_prob)
|
2018-11-17 18:03:33 -08:00
|
|
|
|
2019-04-21 21:22:50 -04:00
|
|
|
def _CheckChiSquared(self, samples, pmf):
|
|
|
|
alpha = 0.01 # significance level, threshold for p-value
|
|
|
|
values, actual_freq = onp.unique(samples, return_counts=True)
|
|
|
|
expected_freq = pmf(values) * len(values)
|
|
|
|
_, p_value = scipy.stats.chisquare(actual_freq, expected_freq)
|
|
|
|
self.assertLess(p_value, alpha)
|
|
|
|
|
2018-12-06 18:37:59 -05:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
2018-11-17 18:03:33 -08:00
|
|
|
{"testcase_name": "_{}".format(dtype), "dtype": onp.dtype(dtype).name}
|
2018-12-06 18:37:59 -05:00
|
|
|
for dtype in [onp.float32, onp.float64]))
|
2018-11-17 18:03:33 -08:00
|
|
|
def testNumpyAndXLAAgreeOnFloatEndianness(self, dtype):
|
2019-10-29 20:53:20 -04:00
|
|
|
if not FLAGS.jax_enable_x64 and np.issubdtype(dtype, onp.float64):
|
2019-03-19 16:38:42 -07:00
|
|
|
raise SkipTest("can't test float64 agreement")
|
2018-11-17 18:03:33 -08:00
|
|
|
|
2019-11-15 10:02:51 -05:00
|
|
|
bits_dtype = onp.uint32 if np.finfo(dtype).bits == 32 else onp.uint64
|
2018-11-17 18:03:33 -08:00
|
|
|
numpy_bits = onp.array(1., dtype).view(bits_dtype)
|
|
|
|
xla_bits = api.jit(
|
|
|
|
lambda: lax.bitcast_convert_type(onp.array(1., dtype), bits_dtype))()
|
|
|
|
self.assertEqual(numpy_bits, xla_bits)
|
|
|
|
|
|
|
|
def testThreefry2x32(self):
|
|
|
|
# We test the hash by comparing to known values provided in the test code of
|
|
|
|
# the original reference implementation of Threefry. For the values, see
|
|
|
|
# https://github.com/DEShawResearch/Random123-Boost/blob/65e3d874b67aa7b3e02d5ad8306462f52d2079c0/libs/random/test/test_threefry.cpp#L30-L32
|
2018-11-21 13:20:44 -08:00
|
|
|
def result_to_hex(result):
|
|
|
|
return tuple([hex(x.copy()).rstrip("L") for x in result])
|
|
|
|
|
|
|
|
expected = ("0x6b200159", "0x99ba4efe")
|
2018-11-17 18:03:33 -08:00
|
|
|
result = random.threefry_2x32(onp.uint32([0, 0]), onp.uint32([0, 0]))
|
|
|
|
|
2018-11-21 13:20:44 -08:00
|
|
|
self.assertEqual(expected, result_to_hex(result))
|
|
|
|
|
|
|
|
expected = ("0x1cb996fc", "0xbb002be7")
|
2018-11-17 18:03:33 -08:00
|
|
|
result = random.threefry_2x32(onp.uint32([-1, -1]), onp.uint32([-1, -1]))
|
2018-11-21 13:20:44 -08:00
|
|
|
self.assertEqual(expected, result_to_hex(result))
|
2018-11-17 18:03:33 -08:00
|
|
|
|
2018-11-21 13:20:44 -08:00
|
|
|
expected = ("0xc4923a9c", "0x483df7a0")
|
2018-11-17 18:03:33 -08:00
|
|
|
result = random.threefry_2x32(
|
|
|
|
onp.uint32([0x13198a2e, 0x03707344]),
|
|
|
|
onp.uint32([0x243f6a88, 0x85a308d3]))
|
2018-11-21 13:20:44 -08:00
|
|
|
self.assertEqual(expected, result_to_hex(result))
|
2018-11-17 18:03:33 -08:00
|
|
|
|
2019-11-24 13:06:23 -05:00
|
|
|
def testThreefry2x32Large(self):
|
|
|
|
n = 10000000
|
|
|
|
result = random.threefry_2x32(
|
|
|
|
(onp.uint32(0x13198a2e), onp.uint32(0x03707344)),
|
|
|
|
np.concatenate([
|
|
|
|
np.full((n,), 0x243f6a88, np.uint32),
|
|
|
|
np.full((n,), 0x85a308d3, np.uint32)
|
|
|
|
]))
|
|
|
|
onp.testing.assert_equal(result[:n], onp.full((n,), 0xc4923a9c, dtype=onp.uint32))
|
|
|
|
onp.testing.assert_equal(result[n:], onp.full((n,), 0x483df7a0, dtype=onp.uint32))
|
|
|
|
|
2018-12-06 18:37:59 -05:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
2018-11-17 18:03:33 -08:00
|
|
|
{"testcase_name": "_{}".format(dtype), "dtype": onp.dtype(dtype).name}
|
2018-12-06 18:37:59 -05:00
|
|
|
for dtype in [onp.float32, onp.float64]))
|
2018-11-17 18:03:33 -08:00
|
|
|
def testRngUniform(self, dtype):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
rand = lambda key: random.uniform(key, (10000,), dtype)
|
|
|
|
crand = api.jit(rand)
|
|
|
|
|
|
|
|
uncompiled_samples = rand(key)
|
|
|
|
compiled_samples = crand(key)
|
|
|
|
|
|
|
|
for samples in [uncompiled_samples, compiled_samples]:
|
2019-11-15 10:02:51 -05:00
|
|
|
self._CheckCollisions(samples, np.finfo(dtype).nmant)
|
2018-11-17 18:03:33 -08:00
|
|
|
self._CheckKolmogorovSmirnovCDF(samples, scipy.stats.uniform().cdf)
|
|
|
|
|
2018-12-06 18:37:59 -05:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
2018-11-17 18:03:33 -08:00
|
|
|
{"testcase_name": "_{}".format(dtype), "dtype": onp.dtype(dtype).name}
|
2018-12-06 18:37:59 -05:00
|
|
|
for dtype in [onp.int32, onp.int64]))
|
2018-11-17 18:03:33 -08:00
|
|
|
def testRngRandint(self, dtype):
|
|
|
|
lo = 5
|
|
|
|
hi = 10
|
|
|
|
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
rand = lambda key: random.randint(key, (10000,), lo, hi, dtype)
|
|
|
|
crand = api.jit(rand)
|
|
|
|
|
|
|
|
uncompiled_samples = rand(key)
|
|
|
|
compiled_samples = crand(key)
|
|
|
|
|
|
|
|
for samples in [uncompiled_samples, compiled_samples]:
|
|
|
|
self.assertTrue(onp.all(lo <= samples))
|
|
|
|
self.assertTrue(onp.all(samples < hi))
|
|
|
|
|
2018-12-06 18:37:59 -05:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
2018-11-17 18:03:33 -08:00
|
|
|
{"testcase_name": "_{}".format(dtype), "dtype": onp.dtype(dtype).name}
|
2018-12-06 18:37:59 -05:00
|
|
|
for dtype in [onp.float32, onp.float64]))
|
2018-11-17 18:03:33 -08:00
|
|
|
def testNormal(self, dtype):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
rand = lambda key: random.normal(key, (10000,), dtype)
|
|
|
|
crand = api.jit(rand)
|
|
|
|
|
|
|
|
uncompiled_samples = rand(key)
|
|
|
|
compiled_samples = crand(key)
|
|
|
|
|
|
|
|
for samples in [uncompiled_samples, compiled_samples]:
|
|
|
|
self._CheckKolmogorovSmirnovCDF(samples, scipy.stats.norm().cdf)
|
|
|
|
|
2018-12-06 18:37:59 -05:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
2018-11-19 07:43:23 -08:00
|
|
|
{"testcase_name": "_{}".format(dtype), "dtype": onp.dtype(dtype).name}
|
2018-12-06 18:37:59 -05:00
|
|
|
for dtype in [onp.float32, onp.float64, onp.int32, onp.int64]))
|
2018-11-19 07:43:23 -08:00
|
|
|
def testShuffle(self, dtype):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
x = onp.arange(100).astype(dtype)
|
|
|
|
rand = lambda key: random.shuffle(key, x)
|
|
|
|
crand = api.jit(rand)
|
|
|
|
|
|
|
|
perm1 = rand(key)
|
|
|
|
perm2 = crand(key)
|
|
|
|
|
|
|
|
self.assertTrue(onp.all(perm1 == perm2))
|
|
|
|
self.assertTrue(onp.all(perm1.dtype == perm2.dtype))
|
|
|
|
self.assertFalse(onp.all(perm1 == x)) # seems unlikely!
|
|
|
|
self.assertTrue(onp.all(onp.sort(perm1) == x))
|
|
|
|
|
2019-04-21 21:22:50 -04:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
|
|
|
{"testcase_name": "_p={}_{}".format(p, dtype),
|
|
|
|
"p": p, "dtype": onp.dtype(dtype).name}
|
|
|
|
for p in [0.1, 0.5, 0.9]
|
|
|
|
for dtype in [onp.float32, onp.float64]))
|
|
|
|
def testBernoulli(self, p, dtype):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
p = onp.array(p, dtype=dtype)
|
|
|
|
rand = lambda key, p: random.bernoulli(key, p, (10000,))
|
|
|
|
crand = api.jit(rand)
|
|
|
|
|
|
|
|
uncompiled_samples = rand(key, p)
|
|
|
|
compiled_samples = crand(key, p)
|
|
|
|
|
|
|
|
for samples in [uncompiled_samples, compiled_samples]:
|
|
|
|
self._CheckChiSquared(samples, scipy.stats.bernoulli(p).pmf)
|
|
|
|
|
2019-12-13 11:46:08 +00:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
2020-01-10 13:28:03 +00:00
|
|
|
{"testcase_name": "_p={}_{}_{}".format(p, dtype, sample_shape),
|
|
|
|
"p": p, "axis": axis, "dtype": onp.dtype(dtype).name, 'sample_shape': sample_shape}
|
2019-12-13 11:46:08 +00:00
|
|
|
for (p, axis) in [([.25] * 4, -1), ([[.25, .25], [.1, .9]], 1), ([[.25, .1], [.25, .9]], 0)]
|
2020-01-10 13:28:03 +00:00
|
|
|
for sample_shape in [(10000,), (5000, 2)]
|
2019-12-13 11:46:08 +00:00
|
|
|
for dtype in [onp.float32, onp.float64]))
|
2020-01-10 13:28:03 +00:00
|
|
|
def testCategorical(self, p, axis, dtype, sample_shape):
|
2019-12-13 11:46:08 +00:00
|
|
|
key = random.PRNGKey(0)
|
|
|
|
p = onp.array(p, dtype=dtype)
|
|
|
|
logits = onp.log(p) - 42 # test unnormalized
|
2020-01-10 13:28:03 +00:00
|
|
|
shape = sample_shape + tuple(onp.delete(logits.shape, axis))
|
2019-12-13 11:46:08 +00:00
|
|
|
rand = lambda key, p: random.categorical(key, logits, shape=shape, axis=axis)
|
|
|
|
crand = api.jit(rand)
|
|
|
|
|
|
|
|
uncompiled_samples = rand(key, p)
|
|
|
|
compiled_samples = crand(key, p)
|
|
|
|
|
|
|
|
for samples in [uncompiled_samples, compiled_samples]:
|
|
|
|
if axis < 0:
|
|
|
|
axis += len(logits.shape)
|
|
|
|
|
2020-01-10 13:28:03 +00:00
|
|
|
assert samples.shape == shape
|
2019-12-13 11:46:08 +00:00
|
|
|
|
|
|
|
if len(p.shape[:-1]) > 0:
|
|
|
|
for cat_index, p_ in enumerate(p):
|
|
|
|
self._CheckChiSquared(samples[:, cat_index], pmf=lambda x: p_[x])
|
|
|
|
else:
|
|
|
|
self._CheckChiSquared(samples, pmf=lambda x: p[x])
|
|
|
|
|
2019-03-30 16:34:20 -04:00
|
|
|
def testBernoulliShape(self):
|
2019-03-02 19:11:16 -05:00
|
|
|
key = random.PRNGKey(0)
|
|
|
|
x = random.bernoulli(key, onp.array([0.2, 0.3]), shape=(3, 2))
|
|
|
|
assert x.shape == (3, 2)
|
|
|
|
|
2019-04-21 16:43:18 -04:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
|
|
|
{"testcase_name": "_a={}_b={}_{}".format(a, b, dtype),
|
|
|
|
"a": a, "b": b, "dtype": onp.dtype(dtype).name}
|
|
|
|
for a in [0.2, 5.]
|
|
|
|
for b in [0.2, 5.]
|
|
|
|
for dtype in [onp.float32, onp.float64]))
|
2019-08-06 11:13:50 -04:00
|
|
|
# TODO(phawkins): slow compilation times on cpu and tpu.
|
|
|
|
# TODO(mattjj): test fails after https://github.com/google/jax/pull/1123
|
|
|
|
@jtu.skip_on_devices("cpu", "gpu", "tpu")
|
2019-04-21 16:43:18 -04:00
|
|
|
def testBeta(self, a, b, dtype):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
rand = lambda key, a, b: random.beta(key, a, b, (10000,), dtype)
|
|
|
|
crand = api.jit(rand)
|
|
|
|
|
|
|
|
uncompiled_samples = rand(key, a, b)
|
|
|
|
compiled_samples = crand(key, a, b)
|
|
|
|
|
|
|
|
for samples in [uncompiled_samples, compiled_samples]:
|
|
|
|
self._CheckKolmogorovSmirnovCDF(samples, scipy.stats.beta(a, b).cdf)
|
|
|
|
|
2019-03-28 17:59:42 -04:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
|
|
|
{"testcase_name": "_{}".format(dtype), "dtype": onp.dtype(dtype).name}
|
|
|
|
for dtype in [onp.float32, onp.float64]))
|
|
|
|
def testCauchy(self, dtype):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
rand = lambda key: random.cauchy(key, (10000,), dtype)
|
|
|
|
crand = api.jit(rand)
|
|
|
|
|
|
|
|
uncompiled_samples = rand(key)
|
|
|
|
compiled_samples = crand(key)
|
|
|
|
|
|
|
|
for samples in [uncompiled_samples, compiled_samples]:
|
|
|
|
self._CheckKolmogorovSmirnovCDF(samples, scipy.stats.cauchy().cdf)
|
|
|
|
|
2019-04-22 11:55:02 -04:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
|
|
|
{"testcase_name": "_alpha={}_{}".format(alpha, dtype),
|
|
|
|
"alpha": alpha, "dtype": onp.dtype(dtype).name}
|
2019-10-17 20:36:51 +00:00
|
|
|
for alpha in [
|
|
|
|
onp.array([0.2, 1., 5.]),
|
|
|
|
]
|
2019-04-22 11:55:02 -04:00
|
|
|
for dtype in [onp.float32, onp.float64]))
|
|
|
|
def testDirichlet(self, alpha, dtype):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
rand = lambda key, alpha: random.dirichlet(key, alpha, (10000,), dtype)
|
|
|
|
crand = api.jit(rand)
|
|
|
|
|
|
|
|
uncompiled_samples = rand(key, alpha)
|
|
|
|
compiled_samples = crand(key, alpha)
|
|
|
|
|
|
|
|
for samples in [uncompiled_samples, compiled_samples]:
|
|
|
|
self.assertAllClose(samples.sum(-1), onp.ones(10000, dtype=dtype), check_dtypes=True)
|
|
|
|
alpha_sum = sum(alpha)
|
|
|
|
for i, a in enumerate(alpha):
|
|
|
|
self._CheckKolmogorovSmirnovCDF(samples[..., i], scipy.stats.beta(a, alpha_sum - a).cdf)
|
|
|
|
|
2019-03-28 23:57:00 -04:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
|
|
|
{"testcase_name": "_{}".format(dtype), "dtype": onp.dtype(dtype).name}
|
|
|
|
for dtype in [onp.float32, onp.float64]))
|
|
|
|
def testExponential(self, dtype):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
rand = lambda key: random.exponential(key, (10000,), dtype)
|
|
|
|
crand = api.jit(rand)
|
|
|
|
|
|
|
|
uncompiled_samples = rand(key)
|
|
|
|
compiled_samples = crand(key)
|
|
|
|
|
|
|
|
for samples in [uncompiled_samples, compiled_samples]:
|
|
|
|
self._CheckKolmogorovSmirnovCDF(samples, scipy.stats.expon().cdf)
|
|
|
|
|
2019-03-30 18:07:34 -04:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
|
|
|
{"testcase_name": "_a={}_{}".format(a, dtype),
|
|
|
|
"a": a, "dtype": onp.dtype(dtype).name}
|
|
|
|
for a in [0.1, 1., 10.]
|
|
|
|
for dtype in [onp.float32, onp.float64]))
|
|
|
|
def testGamma(self, a, dtype):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
rand = lambda key, a: random.gamma(key, a, (10000,), dtype)
|
|
|
|
crand = api.jit(rand)
|
|
|
|
|
|
|
|
uncompiled_samples = rand(key, a)
|
|
|
|
compiled_samples = crand(key, a)
|
|
|
|
|
|
|
|
for samples in [uncompiled_samples, compiled_samples]:
|
|
|
|
self._CheckKolmogorovSmirnovCDF(samples, scipy.stats.gamma(a).cdf)
|
|
|
|
|
|
|
|
def testGammaShape(self):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
x = random.gamma(key, onp.array([0.2, 0.3]), shape=(3, 2))
|
|
|
|
assert x.shape == (3, 2)
|
|
|
|
|
2019-06-20 20:46:56 -04:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
|
|
|
{"testcase_name": "_a={}".format(alpha), "alpha": alpha}
|
|
|
|
for alpha in [1e-4, 1e-3, 1e-2, 1e-1, 1e0, 1e1, 1e2, 1e3, 1e4]))
|
|
|
|
def testGammaGrad(self, alpha):
|
|
|
|
rng = random.PRNGKey(0)
|
2019-06-21 00:06:29 -04:00
|
|
|
alphas = onp.full((100,), alpha)
|
2019-10-20 21:14:48 +00:00
|
|
|
z = random.gamma(rng, alphas)
|
|
|
|
actual_grad = api.grad(lambda x: random.gamma(rng, x).sum())(alphas)
|
2019-06-20 20:46:56 -04:00
|
|
|
|
2019-06-21 00:06:29 -04:00
|
|
|
eps = 0.01 * alpha / (1.0 + onp.sqrt(alpha))
|
2019-06-20 20:46:56 -04:00
|
|
|
cdf_dot = (scipy.stats.gamma.cdf(z, alpha + eps)
|
|
|
|
- scipy.stats.gamma.cdf(z, alpha - eps)) / (2 * eps)
|
|
|
|
pdf = scipy.stats.gamma.pdf(z, alpha)
|
|
|
|
expected_grad = -cdf_dot / pdf
|
|
|
|
|
2019-11-16 13:51:42 -05:00
|
|
|
self.assertAllClose(actual_grad, expected_grad, check_dtypes=True,
|
|
|
|
rtol=2e-2 if jtu.device_under_test() == "tpu" else 5e-4)
|
2019-06-20 20:46:56 -04:00
|
|
|
|
2020-02-03 12:44:46 -05:00
|
|
|
def testGammaGradType(self):
|
|
|
|
# Regression test for https://github.com/google/jax/issues/2130
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
a = np.array(1., dtype=np.float32)
|
|
|
|
b = np.array(3., dtype=np.float32)
|
|
|
|
f = lambda x, y: random.gamma(key=key, a=x, dtype=np.float32) / y
|
|
|
|
# Should not crash with a type error.
|
|
|
|
api.vjp(f, a, b)
|
|
|
|
|
2019-04-21 16:25:20 -04:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
|
|
|
{"testcase_name": "_{}".format(dtype), "dtype": onp.dtype(dtype).name}
|
|
|
|
for dtype in [onp.float32, onp.float64]))
|
|
|
|
def testGumbel(self, dtype):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
rand = lambda key: random.gumbel(key, (10000,), dtype)
|
|
|
|
crand = api.jit(rand)
|
|
|
|
|
|
|
|
uncompiled_samples = rand(key)
|
|
|
|
compiled_samples = crand(key)
|
|
|
|
|
|
|
|
for samples in [uncompiled_samples, compiled_samples]:
|
|
|
|
self._CheckKolmogorovSmirnovCDF(samples, scipy.stats.gumbel_r().cdf)
|
|
|
|
|
2019-03-28 23:57:00 -04:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
|
|
|
{"testcase_name": "_{}".format(dtype), "dtype": onp.dtype(dtype).name}
|
|
|
|
for dtype in [onp.float32, onp.float64]))
|
|
|
|
def testLaplace(self, dtype):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
rand = lambda key: random.laplace(key, (10000,), dtype)
|
|
|
|
crand = api.jit(rand)
|
|
|
|
|
|
|
|
uncompiled_samples = rand(key)
|
|
|
|
compiled_samples = crand(key)
|
|
|
|
|
|
|
|
for samples in [uncompiled_samples, compiled_samples]:
|
|
|
|
self._CheckKolmogorovSmirnovCDF(samples, scipy.stats.laplace().cdf)
|
|
|
|
|
2019-08-06 12:19:05 +01:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
|
|
|
{"testcase_name": "_{}".format(dtype), "dtype": onp.dtype(dtype).name}
|
|
|
|
for dtype in [onp.float32, onp.float64]))
|
|
|
|
def testLogistic(self, dtype):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
rand = lambda key: random.logistic(key, (10000,), dtype)
|
|
|
|
crand = api.jit(rand)
|
|
|
|
|
|
|
|
uncompiled_samples = rand(key)
|
|
|
|
compiled_samples = crand(key)
|
|
|
|
|
|
|
|
for samples in [uncompiled_samples, compiled_samples]:
|
|
|
|
self._CheckKolmogorovSmirnovCDF(samples, scipy.stats.logistic().cdf)
|
|
|
|
|
2019-03-30 16:34:20 -04:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
|
|
|
{"testcase_name": "_b={}_{}".format(b, dtype),
|
|
|
|
"b": b, "dtype": onp.dtype(dtype).name}
|
|
|
|
for b in [0.1, 1., 10.]
|
|
|
|
for dtype in [onp.float32, onp.float64]))
|
|
|
|
def testPareto(self, b, dtype):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
rand = lambda key, b: random.pareto(key, b, (10000,), dtype)
|
|
|
|
crand = api.jit(rand)
|
|
|
|
|
|
|
|
uncompiled_samples = rand(key, b)
|
|
|
|
compiled_samples = crand(key, b)
|
|
|
|
|
|
|
|
for samples in [uncompiled_samples, compiled_samples]:
|
|
|
|
self._CheckKolmogorovSmirnovCDF(samples, scipy.stats.pareto(b).cdf)
|
|
|
|
|
|
|
|
def testParetoShape(self):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
x = random.pareto(key, onp.array([0.2, 0.3]), shape=(3, 2))
|
|
|
|
assert x.shape == (3, 2)
|
|
|
|
|
2019-04-21 16:43:18 -04:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
|
|
|
{"testcase_name": "_df={}_{}".format(df, dtype),
|
|
|
|
"df": df, "dtype": onp.dtype(dtype).name}
|
|
|
|
for df in [0.1, 1., 10.]
|
|
|
|
for dtype in [onp.float32, onp.float64]))
|
2019-04-30 20:47:31 -04:00
|
|
|
@jtu.skip_on_devices("cpu", "tpu") # TODO(phawkins): slow compilation times
|
2019-04-21 16:43:18 -04:00
|
|
|
def testT(self, df, dtype):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
rand = lambda key, df: random.t(key, df, (10000,), dtype)
|
|
|
|
crand = api.jit(rand)
|
|
|
|
|
|
|
|
uncompiled_samples = rand(key, df)
|
|
|
|
compiled_samples = crand(key, df)
|
|
|
|
|
|
|
|
for samples in [uncompiled_samples, compiled_samples]:
|
|
|
|
self._CheckKolmogorovSmirnovCDF(samples, scipy.stats.t(df).cdf)
|
|
|
|
|
2019-10-01 08:42:09 -04:00
|
|
|
@parameterized.named_parameters(jtu.cases_from_list(
|
2019-10-16 01:35:39 +00:00
|
|
|
{"testcase_name": "_{}D_{}".format(dim, onp.dtype(dtype).name),
|
|
|
|
"dim": dim, "dtype": dtype}
|
2019-10-22 00:22:24 +00:00
|
|
|
for dim in [1, 3, 5]
|
2019-10-01 08:42:09 -04:00
|
|
|
for dtype in [onp.float32, onp.float64]))
|
2019-10-16 01:35:39 +00:00
|
|
|
def testMultivariateNormal(self, dim, dtype):
|
|
|
|
r = onp.random.RandomState(dim)
|
|
|
|
mean = r.randn(dim)
|
|
|
|
cov_factor = r.randn(dim, dim)
|
|
|
|
cov = onp.dot(cov_factor, cov_factor.T) + dim * onp.eye(dim)
|
|
|
|
|
2019-10-20 21:14:48 +00:00
|
|
|
key = random.PRNGKey(0)
|
|
|
|
rand = partial(random.multivariate_normal, mean=mean, cov=cov,
|
|
|
|
shape=(10000,))
|
2019-10-01 08:42:09 -04:00
|
|
|
crand = api.jit(rand)
|
2019-10-16 01:35:39 +00:00
|
|
|
|
2019-10-20 21:14:48 +00:00
|
|
|
uncompiled_samples = onp.asarray(rand(key), onp.float64)
|
|
|
|
compiled_samples = onp.asarray(crand(key), onp.float64)
|
2019-10-16 01:35:39 +00:00
|
|
|
|
|
|
|
inv_scale = scipy.linalg.lapack.dtrtri(onp.linalg.cholesky(cov), lower=True)[0]
|
2019-10-01 08:42:09 -04:00
|
|
|
for samples in [uncompiled_samples, compiled_samples]:
|
2019-10-16 01:35:39 +00:00
|
|
|
centered = samples - mean
|
|
|
|
whitened = onp.einsum('nj,ij->ni', centered, inv_scale)
|
2019-10-20 21:14:48 +00:00
|
|
|
|
|
|
|
# This is a quick-and-dirty multivariate normality check that tests that a
|
|
|
|
# uniform mixture of the marginals along the covariance matrix's
|
|
|
|
# eigenvectors follow a standard normal distribution.
|
2019-10-16 01:35:39 +00:00
|
|
|
self._CheckKolmogorovSmirnovCDF(whitened.ravel(), scipy.stats.norm().cdf)
|
2019-10-01 08:42:09 -04:00
|
|
|
|
2019-12-17 13:14:10 -08:00
|
|
|
def testMultivariateNormalCovariance(self):
|
|
|
|
# test code based on https://github.com/google/jax/issues/1869
|
|
|
|
N = 100000
|
|
|
|
cov = np.array([[ 0.19, 0.00, -0.13, 0.00],
|
|
|
|
[ 0.00, 0.29, 0.00, -0.23],
|
|
|
|
[ -0.13, 0.00, 0.39, 0.00],
|
|
|
|
[ 0.00, -0.23, 0.00, 0.49]])
|
|
|
|
mean = np.zeros(4)
|
|
|
|
|
|
|
|
out_onp = onp.random.RandomState(0).multivariate_normal(mean, cov, N)
|
|
|
|
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
out_jnp = random.multivariate_normal(key, mean=mean, cov=cov, shape=(N,))
|
|
|
|
|
|
|
|
var_onp = out_onp.var(axis=0)
|
|
|
|
var_jnp = out_jnp.var(axis=0)
|
|
|
|
self.assertAllClose(var_onp, var_jnp, rtol=1e-2, atol=1e-2,
|
|
|
|
check_dtypes=False)
|
|
|
|
|
|
|
|
var_onp = onp.cov(out_onp, rowvar=False)
|
|
|
|
var_jnp = onp.cov(out_jnp, rowvar=False)
|
|
|
|
self.assertAllClose(var_onp, var_jnp, rtol=1e-2, atol=1e-2,
|
|
|
|
check_dtypes=False)
|
|
|
|
|
2019-01-12 12:54:22 -08:00
|
|
|
def testIssue222(self):
|
|
|
|
x = random.randint(random.PRNGKey(10003), (), 0, 0)
|
|
|
|
assert x == 0
|
|
|
|
|
2019-02-13 09:55:36 -08:00
|
|
|
def testFoldIn(self):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
keys = [random.fold_in(key, i) for i in range(10)]
|
|
|
|
assert onp.unique(onp.ravel(keys)).shape == (20,)
|
|
|
|
|
2019-05-09 11:40:19 -07:00
|
|
|
def testStaticShapeErrors(self):
|
2019-11-22 10:54:03 -08:00
|
|
|
if config.read("jax_disable_jit"):
|
|
|
|
raise SkipTest("test only relevant when jit enabled")
|
|
|
|
|
2019-05-09 11:40:19 -07:00
|
|
|
@api.jit
|
|
|
|
def feature_map(n, d, sigma=1.0, seed=123):
|
|
|
|
key = random.PRNGKey(seed)
|
|
|
|
W = random.normal(key, (d, n)) / sigma
|
|
|
|
w = random.normal(key, (d, )) / sigma
|
|
|
|
b = 2 * np.pi * random.uniform(key, (d, ))
|
|
|
|
|
|
|
|
phi = lambda x, t: np.sqrt(2.0 / d) * np.cos(np.matmul(W, x) + w*t + b)
|
|
|
|
return phi
|
|
|
|
|
2020-02-05 10:10:33 -08:00
|
|
|
self.assertRaisesRegex(TypeError, 'Shapes must be 1D.*',
|
2019-05-09 11:40:19 -07:00
|
|
|
lambda: feature_map(5, 3))
|
|
|
|
|
2019-05-22 16:22:12 -07:00
|
|
|
def testIssue756(self):
|
|
|
|
key = random.PRNGKey(0)
|
|
|
|
w = random.normal(key, ())
|
|
|
|
if FLAGS.jax_enable_x64:
|
|
|
|
self.assertEqual(onp.result_type(w), onp.float64)
|
|
|
|
else:
|
|
|
|
self.assertEqual(onp.result_type(w), onp.float32)
|
|
|
|
|
2019-12-01 09:44:45 -05:00
|
|
|
def testIssue1789(self):
|
|
|
|
def f(x):
|
|
|
|
return random.gamma(random.PRNGKey(0), x)
|
|
|
|
|
|
|
|
grad(lambda x: np.sum(vmap(f)(x)))(np.ones(2))
|
|
|
|
|
2019-06-11 14:56:21 -07:00
|
|
|
def testNoOpByOpUnderHash(self):
|
2019-08-13 11:30:24 -07:00
|
|
|
def fail(*args, **kwargs): assert False
|
2019-06-11 14:56:21 -07:00
|
|
|
apply_primitive, xla.apply_primitive = xla.apply_primitive, fail
|
2019-08-13 11:30:24 -07:00
|
|
|
try:
|
|
|
|
out = random.threefry_2x32(onp.zeros(2, onp.uint32), onp.arange(10, dtype=onp.uint32))
|
|
|
|
finally:
|
|
|
|
xla.apply_primitive = apply_primitive
|
2019-06-11 14:56:21 -07:00
|
|
|
|
2020-02-10 18:23:19 +00:00
|
|
|
def testPRNGValues(self):
|
|
|
|
# Test to ensure consistent random values between JAX versions
|
|
|
|
k = random.PRNGKey(0)
|
|
|
|
|
|
|
|
randints = random.randint(k, (3, 3), 0, 8)
|
|
|
|
if FLAGS.jax_enable_x64:
|
|
|
|
self.assertAllClose(
|
|
|
|
random.randint(k, (3, 3), 0, 8),
|
|
|
|
onp.array([[7, 2, 6],
|
|
|
|
[2, 1, 0],
|
|
|
|
[6, 7, 7]], dtype='int64'),
|
|
|
|
check_dtypes=True)
|
|
|
|
else:
|
|
|
|
self.assertAllClose(
|
|
|
|
random.randint(k, (3, 3), 0, 8),
|
|
|
|
onp.array([[2, 1, 3],
|
|
|
|
[6, 1, 5],
|
|
|
|
[6, 3, 4]], dtype='int32'),
|
|
|
|
check_dtypes=True)
|
|
|
|
|
|
|
|
self.assertAllClose(
|
|
|
|
random.split(k, 4),
|
|
|
|
onp.array([[2285895361, 1501764800],
|
|
|
|
[1518642379, 4090693311],
|
|
|
|
[ 433833334, 4221794875],
|
|
|
|
[ 839183663, 3740430601]], dtype='uint32'),
|
|
|
|
check_dtypes=True)
|
|
|
|
|
|
|
|
self.assertAllClose(
|
|
|
|
random.fold_in(k, 4),
|
|
|
|
onp.array([2285895361, 433833334], dtype='uint32'),
|
|
|
|
check_dtypes=True)
|
|
|
|
|
2018-11-17 18:03:33 -08:00
|
|
|
|
|
|
|
if __name__ == "__main__":
|
|
|
|
absltest.main()
|