/cts/apps/CameraITS/tools/ |
load_scene.py | 53 if np.isclose(chart_scaling, its.cv2image.SCALE_TELE_IN_WFOV_BOX, atol=0.01): 56 elif np.isclose(chart_scaling, its.cv2image.SCALE_RFOV_IN_WFOV_BOX, atol=0.01):
|
/external/tensorflow/tensorflow/contrib/constrained_optimization/python/ |
swap_regret_optimizer_test.py | 112 self.assertAllClose(eigenvector1, matrix_eigenvector1, rtol=0, atol=1e-6) 113 self.assertAllClose(eigenvector2, matrix_eigenvector2, rtol=0, atol=1e-6) 128 expected_projected_matrix, projected_matrix, rtol=0, atol=1e-6) 145 expected_projected_matrix, projected_matrix, rtol=0, atol=1e-6) 175 self.assertAllClose(expected, actual, rtol=0, atol=1e-6) 208 self.assertAllClose(expected, actual, rtol=0, atol=1e-6)
|
/external/tensorflow/tensorflow/compiler/tests/ |
fused_batchnorm_test.py | 113 self.assertAllClose(y_val, y_ref_converted, atol=1e-3) 169 self.assertAllClose(mean_val, mean_ref, atol=1e-3) 170 self.assertAllClose(y_val, y_ref_converted, atol=1e-3) 171 self.assertAllClose(var_val, var_ref, atol=1e-3) 247 self.assertAllClose(grad_x_val, grad_x_ref_converted, atol=1e-2) 248 self.assertAllClose(grad_scale_val, grad_scale_ref, atol=1e-2) 249 self.assertAllClose(grad_offset_val, grad_offset_ref, atol=1e-3) 309 self.assertAllClose(grad_x_val, grad_x_ref, atol=1e-2) 310 self.assertAllClose(grad_scale_val, grad_scale_ref, atol=1e-2) 311 self.assertAllClose(grad_offset_val, grad_offset_ref, atol=1e-3 [all...] |
reduce_ops_test.py | 44 atol=1e-4): 55 result, np_reduce_fn(test_input, axis=0), rtol=rtol, atol=atol) 59 result, np_reduce_fn(test_input, axis=1), rtol=rtol, atol=atol) 63 result, np_reduce_fn(test_input, axis=1), rtol=rtol, atol=atol) 178 atol=1e-4): 189 atol: the absolute error. 207 atol=atol [all...] |
/external/tensorflow/tensorflow/contrib/cudnn_rnn/python/kernel_tests/ |
cudnn_rnn_ops_test.py | 355 atol=3e-6): 369 self.assertAllClose(outputs, cu_outputs, rtol=rtol, atol=atol) 371 self.assertAllClose(s, cu_s, rtol=rtol, atol=atol) 373 self.assertAllClose(sg, cu_sg, rtol=rtol, atol=atol) 374 self.assertAllClose(inp_grad, cu_inp_grad, rtol=rtol, atol=atol) 375 self.assertAllClose(bgrad, cu_bgrad, rtol=rtol, atol=atol [all...] |
/external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/ |
batch_reshape_test.py | 95 atol=0., rtol=1e-6) 97 atol=0., rtol=1e-6) 151 atol=0., rtol=1e-6) 153 atol=0., rtol=1e-6) 155 atol=0., rtol=1e-6) 157 atol=0., rtol=1e-6) 159 atol=0., rtol=1e-6) 220 atol=0., rtol=1e-6) 222 atol=0., rtol=1e-6) 273 atol=0., rtol=1e-6 [all...] |
sinh_arcsinh_test.py | 54 self.assertAllClose(loc, sasnorm_samps.mean(axis=0), atol=0.1) 56 norm_samps.mean(axis=0), sasnorm_samps.mean(axis=0), atol=0.1) 58 norm_samps.std(axis=0), sasnorm_samps.std(axis=0), atol=0.1) 99 self.assertAllClose(loc, saslap_samps.mean(axis=0), atol=0.1) 101 lap_samps.mean(axis=0), saslap_samps.mean(axis=0), atol=0.1) 103 lap_samps.std(axis=0), saslap_samps.std(axis=0), atol=0.1)
|
independent_test.py | 71 rtol=1e-5, atol=0.) 95 rtol=1e-6, atol=0.) 124 self.assertAllClose(sample_mean_, actual_mean_, rtol=0.02, atol=0.) 125 self.assertAllClose(sample_var_, actual_var_, rtol=0.04, atol=0.) 126 self.assertAllClose(sample_std_, actual_std_, rtol=0.02, atol=0.) 127 self.assertAllClose(sample_entropy_, actual_entropy_, rtol=0.01, atol=0.) 128 self.assertAllClose(loc, actual_mode_, rtol=1e-6, atol=0.) 269 rtol=1e-6, atol=0.)
|
mvn_diag_test.py | 96 self.assertAllClose(scipy_mvn.entropy(), dist.entropy().eval(), atol=1e-4) 107 atol=0., rtol=0.05) 109 atol=0.05, rtol=0.05) 140 atol=0.10, rtol=0.05) 142 atol=0.10, rtol=0.05) 238 self.assertAllClose(mu, samps.mean(axis=0), atol=0.1) 239 self.assertAllClose(cov_mat, np.cov(samps.T), atol=0.1) 276 rtol=1e-6, atol=0.)
|
onehot_categorical_test.py | 160 atol=1e-2) 162 atol=1e-2) 192 self.assertAllClose(kl_actual_, kl_expected, atol=0., rtol=1e-6) 193 self.assertAllClose(kl_sample_, kl_expected, atol=1e-2, rtol=0.) 218 self.assertAllClose(actual_mean_, sample_mean_, atol=0., rtol=0.07) 221 actual_covariance_, sample_covariance_, atol=0., rtol=0.10) 246 self.assertAllClose(actual_mean_, sample_mean_, atol=0., rtol=0.1) 249 actual_covariance_, sample_covariance_, atol=0., rtol=0.1)
|
/external/tensorflow/tensorflow/python/keras/ |
backend_test.py | 60 np.testing.assert_allclose(keras_output, np_output, atol=1e-4) 89 np.testing.assert_allclose(keras_output, np_output, atol=1e-4) 245 self.assertAllClose(val.mean(), 1.5, atol=1e-1) 246 self.assertAllClose(val.max(), 2., atol=1e-1) 247 self.assertAllClose(val.min(), 1., atol=1e-1) 252 self.assertAllClose(val.mean(), 1., atol=1e-1) 253 self.assertAllClose(val.std(), 0.5, atol=1e-1) [all...] |
/cts/apps/CameraITS/tests/scene0/ |
test_tonemap_curve.py | 53 if np.allclose(COLOR_CHECKER[color], raw_means, atol=RAW_TOL): 83 if not np.allclose(raw_means, yuv_means, atol=RGB_MEAN_TOL): 84 color_match_errs.append('RAW: %s, RGB(norm): %s, ATOL: %.2f' % ( 86 if not np.allclose(raw_vars, yuv_vars, atol=RGB_VAR_TOL): 87 color_variance_errs.append('RAW: %s, RGB: %s, ATOL: %.4f' % (
|
/external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/bijectors/ |
real_nvp_test.py | 75 self.assertAllClose(forward_x_, forward_inverse_y_, rtol=1e-1, atol=0.) 76 self.assertAllClose(x_, inverse_y_, rtol=1e-1, atol=0.) 77 self.assertAllClose(ildj_, -fldj_, rtol=1e-6, atol=0.)
|
sinh_arcsinh_bijector_test.py | 58 atol=0.) 127 # log_det_jacobian will be 0. Because of this we use atol. 129 bijector, bounds, bounds, event_ndims=0, atol=2e-6) 151 self.assertAllClose(y, bijector.forward(x).eval(), rtol=1e-4, atol=0.) 152 self.assertAllClose(x, bijector.inverse(y).eval(), rtol=1e-4, atol=0.) 171 atol=0.) 176 atol=0.)
|
/external/tensorflow/tensorflow/core/framework/ |
tensor_testutil.h | 108 // than atol + rtol * abs(x). If atol or rtol is negative, it is replaced 110 void ExpectClose(const Tensor& x, const Tensor& y, double atol = -1.0, 216 // Assumes atol and rtol are nonnegative. 217 static bool IsClose(const T& x, const T& y, const T& atol, const T& rtol) { 220 (Eigen::numext::abs(x - y) <= atol + rtol * Eigen::numext::abs(x)); 227 const T& atol, const T& rtol) { 228 return Helper<T>::IsClose(x.real(), y.real(), atol, rtol) && 229 Helper<T>::IsClose(x.imag(), y.imag(), atol, rtol);
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
betainc_op_test.py | 59 self.assertAllCloseAccordingToType(scipy_out, tf_out, rtol=tol, atol=0) 75 atol=0) 80 atol=0) 85 atol=0) 90 atol=0) 95 atol=0)
|
/external/ipsec-tools/src/racoon/ |
prsa_tok.l | 82 {digit}+ { prsalval.num = atol(prsatext); return NUMBER; }
|
/external/tensorflow/tensorflow/python/keras/layers/ |
normalization_test.py | 108 np.testing.assert_allclose(np.mean(out, axis=(0, 2, 3)), 0.0, atol=1e-1) 109 np.testing.assert_allclose(np.std(out, axis=(0, 2, 3)), 1.0, atol=1e-1) 128 np.testing.assert_allclose(np.mean(out, axis=(0, 1, 2)), 0.0, atol=1e-1) 129 np.testing.assert_allclose(np.std(out, axis=(0, 1, 2)), 1.0, atol=1e-1) 269 np.testing.assert_allclose(out.mean(), 0.0, atol=1e-1) 270 np.testing.assert_allclose(out.std(), 1.0, atol=1e-1) 329 self.assertAllClose(x1, x2, atol=1e-7) 346 self.assertAllClose(x1, x2, atol=1e-7) 384 (val_a - np.mean(val_a)) / np.std(val_a), out, atol=1e-3) 403 np.testing.assert_allclose(out.mean(), 0.0, atol=1e-1 [all...] |
/external/tensorflow/tensorflow/python/layers/ |
normalization_test.py | 164 self.assertAllClose(test_var, ref_var, rtol=1.e-3, atol=1.e-3) 165 self.assertAllClose(test_loss, ref_loss, rtol=1.e-3, atol=1.e-3) 214 self.assertAllClose(var_fused, var_nonfused, atol=1e-6) 222 self.assertAllClose(loss_fused_val, loss_nonfused_val, atol=1e-6) 347 self.assertAllClose(mean, moving_mean, atol=1e-2) 348 self.assertAllClose(variance, moving_var, atol=1e-2) 388 self.assertAllClose(mean, moving_mean, atol=1e-2) 389 self.assertAllClose(variance, moving_var, atol=1e-2) 430 self.assertAllClose(mean, moving_mean, atol=1e-2) 431 self.assertAllClose(variance, moving_var, atol=1e-2 [all...] |
/external/tensorflow/tensorflow/python/kernel_tests/distributions/ |
dirichlet_multinomial_test.py | 266 self.assertAllClose(sample_mean_, analytic_mean, atol=0.04, rtol=0.) 267 self.assertAllClose(sample_cov_, analytic_cov, atol=0.05, rtol=0.) 268 self.assertAllClose(sample_var_, analytic_var, atol=0.05, rtol=0.) 269 self.assertAllClose(sample_stddev_, analytic_stddev, atol=0.02, rtol=0.) 381 self.assertAllClose(0.8, self.evaluate(pmf), atol=1e-4) 389 self.assertAllClose(0.8**2, self.evaluate(pmf), atol=1e-2) 397 self.assertAllClose(3 * 0.1 * 0.8 * 0.8, self.evaluate(pmf), atol=1e-2) 460 self.assertAllClose(actual_mean_, sample_mean_, atol=0., rtol=0.20) 463 actual_covariance_, sample_covariance_, atol=0., rtol=0.20) 489 self.assertAllClose(actual_mean_, sample_mean_, atol=0., rtol=0.20 [all...] |
/external/autotest/client/tests/tracing_microbenchmark/src/ |
getuid_microbench.c | 37 iterations = atol(argv[1]);
|
/external/e2fsprogs/ext2ed/ |
ext2_com.c | 91 group_num=atol (buffer);
|
/external/grpc-grpc/third_party/nanopb/tests/fuzztest/ |
generate_message.c | 88 random_seed = atol(argv[1]);
|
/external/libunwind/tests/ |
Gtest-exc.c | 141 depth = atol (argv[1]);
|
forker.c | 42 count = atol (argv[1]);
|