Home
last modified time | relevance | path

Searched refs:eps (Results 1 – 25 of 336) sorted by relevance

12345678910>>...14

/third_party/boost/libs/math/test/
Dtest_tr1.cpp34 float eps = boost::math::tools::epsilon<float>(); in test_values() local
35 BOOST_CHECK_CLOSE(tr1::acoshf(std::cosh(0.5f)), 0.5f, 5000 * eps); in test_values()
36 BOOST_CHECK_CLOSE(tr1::asinhf(std::sinh(0.5f)), 0.5f, 5000 * eps); in test_values()
37 BOOST_CHECK_CLOSE(tr1::atanhf(std::tanh(0.5f)), 0.5f, 5000 * eps); in test_values()
39 BOOST_CHECK_CLOSE(tr1::cbrtf(1.5f * 1.5f * 1.5f), 1.5f, 5000 * eps); in test_values()
46 …t>(0.125)), static_cast<float>(0.85968379519866618260697055347837660181302041685015L), eps * 1000); in test_values()
47 …oat>(0.5)), static_cast<float>(0.47950012218695346231725334610803547126354842424204L), eps * 1000); in test_values()
48 …float>(1)), static_cast<float>(0.15729920705028513065877936491739074070393300203370L), eps * 1000); in test_values()
49 …at>(5)), static_cast<float>(1.5374597944280348501883434853833788901180503147234e-12L), eps * 1000); in test_values()
50 …t>(-0.125)), static_cast<float>(1.1403162048013338173930294465216233981869795831498L), eps * 1000); in test_values()
[all …]
Dtest_tr1.c95 float eps = FLT_EPSILON; in test_values_f() local
97 check_close_f(acoshf(coshf(0.5f)), 0.5f, 5000 * eps, __LINE__); in test_values_f()
98 check_close_f(asinhf(sinhf(0.5f)), 0.5f, 5000 * eps, __LINE__); in test_values_f()
99 check_close_f(atanhf(tanhf(0.5f)), 0.5f, 5000 * eps, __LINE__); in test_values_f()
101 check_close_f(cbrtf(1.5f * 1.5f * 1.5f), 1.5f, 5000 * eps, __LINE__); in test_values_f()
108 …check_close_f(erfcf(0.125), 0.85968379519866618260697055347837660181302041685015f, eps * 1000, __L… in test_values_f()
109 …check_close_f(erfcf(0.5), 0.47950012218695346231725334610803547126354842424204f, eps * 1000, __LIN… in test_values_f()
110 …check_close_f(erfcf(1), 0.15729920705028513065877936491739074070393300203370f, eps * 1000, __LINE_… in test_values_f()
111 …check_close_f(erfcf(5), 1.5374597944280348501883434853833788901180503147234e-12f, eps * 1000, __LI… in test_values_f()
112 …check_close_f(erfcf(-0.125), 1.1403162048013338173930294465216233981869795831498f, eps * 1000, __L… in test_values_f()
[all …]
Dtest_autodiff_3.cpp12 const T eps = 3000 * test_constants_t<T>::pct_epsilon(); // percent in BOOST_AUTO_TEST_CASE_TEMPLATE() local
18 BOOST_CHECK_CLOSE(y.derivative(0u), atanh(static_cast<T>(x)), eps); in BOOST_AUTO_TEST_CASE_TEMPLATE()
19 BOOST_CHECK_CLOSE(y.derivative(1u), static_cast<T>(4) / 3, eps); in BOOST_AUTO_TEST_CASE_TEMPLATE()
20 BOOST_CHECK_CLOSE(y.derivative(2u), static_cast<T>(16) / 9, eps); in BOOST_AUTO_TEST_CASE_TEMPLATE()
21 BOOST_CHECK_CLOSE(y.derivative(3u), static_cast<T>(224) / 27, eps); in BOOST_AUTO_TEST_CASE_TEMPLATE()
22 BOOST_CHECK_CLOSE(y.derivative(4u), static_cast<T>(1280) / 27, eps); in BOOST_AUTO_TEST_CASE_TEMPLATE()
23 BOOST_CHECK_CLOSE(y.derivative(5u), static_cast<T>(31232) / 81, eps); in BOOST_AUTO_TEST_CASE_TEMPLATE()
34 const auto eps = boost::math::tools::epsilon<T>(); in BOOST_AUTO_TEST_CASE_TEMPLATE() local
35 BOOST_CHECK_CLOSE(y.derivative(0u), boost::math::constants::pi<T>() / 4, eps); in BOOST_AUTO_TEST_CASE_TEMPLATE()
36 BOOST_CHECK_CLOSE(y.derivative(1u), T(0.5), eps); in BOOST_AUTO_TEST_CASE_TEMPLATE()
[all …]
Dtest_autodiff_2.cpp41 const T eps = 201 * std::numeric_limits<T>::epsilon(); // percent in BOOST_AUTO_TEST_CASE_TEMPLATE() local
59 BOOST_CHECK_CLOSE(z1.derivative(0u, 0u), pow(cx, cy), eps); in BOOST_AUTO_TEST_CASE_TEMPLATE()
61 BOOST_CHECK_CLOSE(z1.derivative(0u, j), pow(log(cx), j) * pow(cx, cy), eps); in BOOST_AUTO_TEST_CASE_TEMPLATE()
73 BOOST_CHECK_CLOSE(z2.derivative(0u, j), pow(cx, cy) * pow(log(cx), j), eps); in BOOST_AUTO_TEST_CASE_TEMPLATE()
79 eps); in BOOST_AUTO_TEST_CASE_TEMPLATE()
82 eps); in BOOST_AUTO_TEST_CASE_TEMPLATE()
85 eps); in BOOST_AUTO_TEST_CASE_TEMPLATE()
91 eps); in BOOST_AUTO_TEST_CASE_TEMPLATE()
97 eps); in BOOST_AUTO_TEST_CASE_TEMPLATE()
102 const T eps = 4000 * std::numeric_limits<T>::epsilon(); // percent in BOOST_AUTO_TEST_CASE_TEMPLATE() local
[all …]
/third_party/boost/boost/geometry/util/
Dseries_expansion.hpp63 inline CT evaluate_A1(CT eps) in evaluate_A1() argument
65 CT eps2 = math::sqr(eps); in evaluate_A1()
84 return (t + eps) / (CT(1) - eps); in evaluate_A1()
108 inline CT evaluate_A2(CT const& eps) in evaluate_A2() argument
110 CT const eps2 = math::sqr(eps); in evaluate_A2()
129 return (t - eps) / (CT(1) + eps); in evaluate_A2()
222 inline void evaluate_coeffs_C1(Coeffs &c, CT const& eps) in evaluate_coeffs_C1() argument
224 CT eps2 = math::sqr(eps); in evaluate_coeffs_C1()
225 CT d = eps; in evaluate_coeffs_C1()
234 d *= eps; in evaluate_coeffs_C1()
[all …]
/third_party/boost/libs/geometry/doc/other/maxima/
Dgeod.mac45 computeI1(maxpow):=block([sintegrand,sintegrandexp,s,sigma,tau1,k2,eps],
48 (1-eps)*subst([k2=4*eps/(1-eps)^2],sintegrand),
49 eps,maxpow),
53 tau1:ataylor(s/A1,eps,maxpow),
57 A1:A1/(1-eps),
62 static inline CT evaluate_series_A1(CT eps) {
63 CT eps2 = math::sqr(eps);
67 q:horner(ataylor(subst([eps=sqrt(eps2)],A1*(1-eps)-1),eps2,n)),
73 return (t + eps) / (1 - eps);
77 computeI2(maxpow):=block([sintegrand,sintegrandexp,s,sigma,tau1,k2,eps],
[all …]
/third_party/boost/libs/spirit/test/x3/
Deps.cpp17 using boost::spirit::x3::eps; in main()
21 BOOST_SPIRIT_ASSERT_CONSTEXPR_CTORS(eps); in main()
22 BOOST_TEST((test("", eps))); in main()
23 BOOST_TEST((test("xxx", eps, false))); in main()
29 BOOST_SPIRIT_ASSERT_CONSTEXPR_CTORS(eps(true)); in main()
30 BOOST_TEST((test("", eps(true)))); in main()
31 BOOST_TEST((!test("", eps(false)))); in main()
32 BOOST_TEST((test("", !eps(false)))); in main()
41 BOOST_SPIRIT_ASSERT_CONSTEXPR_CTORS(eps(std::true_type{})); in main()
42 BOOST_TEST((test("", eps(true_)))); in main()
[all …]
/third_party/boost/libs/spirit/test/qi/
Deps.cpp19 using boost::spirit::eps; in main()
22 BOOST_TEST((test("", eps))); in main()
23 BOOST_TEST((test("xxx", eps, false))); in main()
24 BOOST_TEST((!test("", !eps))); // not predicate in main()
29 BOOST_TEST((test("", eps(true)))); in main()
30 BOOST_TEST((!test("", eps(false)))); in main()
31 BOOST_TEST((test("", !eps(false)))); // not predicate in main()
38 BOOST_TEST((test("", eps(val(true))))); in main()
39 BOOST_TEST((!test("", eps(val(false))))); in main()
40 BOOST_TEST((test("", !eps(val(false))))); // not predicate in main()
/third_party/json/benchmarks/thirdparty/benchmark/src/
Dcheck.h72 #define CHECK_FLOAT_EQ(a, b, eps) CHECK(std::fabs((a) - (b)) < (eps)) argument
73 #define CHECK_FLOAT_NE(a, b, eps) CHECK(std::fabs((a) - (b)) >= (eps)) argument
74 #define CHECK_FLOAT_GE(a, b, eps) CHECK((a) - (b) > -(eps)) argument
75 #define CHECK_FLOAT_LE(a, b, eps) CHECK((b) - (a) > -(eps)) argument
76 #define CHECK_FLOAT_GT(a, b, eps) CHECK((a) - (b) > (eps)) argument
77 #define CHECK_FLOAT_LT(a, b, eps) CHECK((b) - (a) > (eps)) argument
/third_party/boost/libs/spirit/test/karma/
Deps.cpp28 BOOST_TEST(test("", eps)); in main()
29 BOOST_TEST(test_delimited(" ", eps, space)); in main()
31 BOOST_TEST(!test("", !eps)); in main()
32 BOOST_TEST(!test_delimited(" ", !eps, space)); in main()
38 BOOST_TEST(test("", eps(true))); in main()
39 BOOST_TEST(!test("", eps(false))); in main()
45 BOOST_TEST(test("", eps(val(true)))); in main()
46 BOOST_TEST(!test("", eps(val(false)))); in main()
54 BOOST_TEST(!karma::generate_delimited(outit, eps(false), space)); in main()
/third_party/benchmark/src/
Dcheck.h82 #define BM_CHECK_FLOAT_EQ(a, b, eps) BM_CHECK(std::fabs((a) - (b)) < (eps)) argument
83 #define BM_CHECK_FLOAT_NE(a, b, eps) BM_CHECK(std::fabs((a) - (b)) >= (eps)) argument
84 #define BM_CHECK_FLOAT_GE(a, b, eps) BM_CHECK((a) - (b) > -(eps)) argument
85 #define BM_CHECK_FLOAT_LE(a, b, eps) BM_CHECK((b) - (a) > -(eps)) argument
86 #define BM_CHECK_FLOAT_GT(a, b, eps) BM_CHECK((a) - (b) > (eps)) argument
87 #define BM_CHECK_FLOAT_LT(a, b, eps) BM_CHECK((b) - (a) > (eps)) argument
/third_party/boost/libs/test/test/writing-test-ts/
Dfp-multiprecision-comparison-test.cpp108 cpp_dec_float_50_noet eps = std::numeric_limits<cpp_dec_float_50_noet>::epsilon(); in BOOST_AUTO_TEST_CASE() local
110 std::cout <<"a = " << a << ",\nb = " << b << ",\neps = " << eps << std::endl; in BOOST_AUTO_TEST_CASE()
112 BOOST_CHECK_CLOSE(a, b, eps * 100); // Expected to pass (because tolerance is as percent). in BOOST_AUTO_TEST_CASE()
113 BOOST_CHECK_CLOSE_FRACTION(a, b, eps); // Expected to pass (because tolerance is as fraction). in BOOST_AUTO_TEST_CASE()
117 BOOST_TEST( a == b, tt::tolerance( tt::fpc::percent_tolerance( eps * 100 ) ) ); in BOOST_AUTO_TEST_CASE()
118 BOOST_TEST( a == b, tt::tolerance( eps ) ); in BOOST_AUTO_TEST_CASE()
136 cpp_dec_float_50_et eps = std::numeric_limits<cpp_dec_float_50_et>::epsilon(); in BOOST_AUTO_TEST_CASE() local
138 std::cout << "a = " << a << ",\nb = " << b << ",\neps = " << eps << std::endl; in BOOST_AUTO_TEST_CASE()
140 BOOST_CHECK_CLOSE(a, b, eps * 100); // Expected to pass (because tolerance is as percent). in BOOST_AUTO_TEST_CASE()
141 BOOST_CHECK_CLOSE_FRACTION(a, b, eps); // Expected to pass (because tolerance is as fraction). in BOOST_AUTO_TEST_CASE()
[all …]
/third_party/mindspore/mindspore/nn/optim/
Dadam.py37 def _update_run_op(beta1, beta2, eps, lr, weight_decay, param, m, v, gradient, decay_flag, optim_fi… argument
76 update = next_m / (eps + op_sqrt(next_v))
94 … beta2_power, beta1, beta2, eps, lr, gradient, param, m, v, ps_parameter, cache_enable): argument
103 op_shape(beta2), op_shape(eps), op_shape(values), op_shape(indices))
105 eps, values, indices), shapes), param))
110 eps, values, indices))
137 param_update = div_value / (op_sqrt(next_v) + eps)
140 param_update = next_m / (op_sqrt(next_v) + eps)
155 beta1_power, beta2_power, beta1, beta2, eps, lr, gradient, param, argument
161 … success = F.depend(success, pull(push((beta1_power, beta2_power, lr, beta1, beta2, eps, gradient),
[all …]
Dlazyadam.py35 beta1, beta2, eps, lr, gradient, params, m, v, ps_parameter, cache_enable): argument
44 op_shape(beta2), op_shape(eps), op_shape(values), op_shape(indices))
46 eps, values, indices), shapes), params))
51 eps, values, indices))
68 param_update = m_temp / (op_sqrt(next_v) + eps)
70 param_update = next_m / (op_sqrt(next_v) + eps)
82 … beta1, beta2, eps, lr, gradient, params, moment1, moment2, ps_parameter, cache_enable): argument
87 … success = F.depend(success, pull(push((beta1_power, beta2_power, lr, beta1, beta2, eps, gradient),
91 eps, gradient))
95 def _check_param_value(beta1, beta2, eps, weight_decay, prim_name): argument
[all …]
Dlamb.py39 def _update_run_op(beta1, beta2, eps, global_step, lr, weight_decay, param, m, v, gradient, decay_f… argument
91 g_norm_hat = op_norm(op_mul(next_mm, op_rsqrt(next_vv + eps)) + weight_decay * param_fp32)
100 update = next_mm / (op_sqrt(next_vv) + eps)
121 def _update_run_op_ascend(beta1, beta2, eps, global_step, lr, weight_decay, param, m, v, gradient, … argument
155 beta1, 1.0 - beta1, beta2, 1.0 - beta2, eps,
164 def _check_param_value(beta1, beta2, eps, prim_name): argument
167 validator.check_value_type("eps", eps, [float], prim_name)
170 validator.check_positive_float(eps, "eps", prim_name)
295 def __init__(self, params, learning_rate, beta1=0.9, beta2=0.999, eps=1e-6, weight_decay=0.0): argument
297 _check_param_value(beta1, beta2, eps, self.cls_name)
[all …]
/third_party/mindspore/tests/st/fl/mobile/src/
Dadam.py33 def _update_run_kernel(beta1, beta2, eps, lr, weight_decay, param, m, v, gradient, decay_flags, opt… argument
40 next_param = adam(param, m, v, lr, beta1, beta2, eps, weight_decay, gradient)
42 next_param = adam(param, m, v, lr, beta1, beta2, eps, 0.0, gradient)
48 def _update_run_op(beta1, beta2, eps, lr, overflow, weight_decay, param, m, v, gradient, decay_flag… argument
90 update = next_m / (eps + op_sqrt(next_v))
109 … beta2_power, beta1, beta2, eps, lr, gradient, param, m, v, ps_parameter, cache_enable): argument
118 op_shape(beta2), op_shape(eps), op_shape(values), op_shape(indices))
120 eps, values, indices), shapes), param))
125 eps, values, indices))
152 param_update = div_value / (op_sqrt(next_v) + eps)
[all …]
/third_party/mindspore/tests/st/fl/albert/src/
Dadam.py34 def _update_run_kernel(beta1, beta2, eps, lr, weight_decay, param, m, v, gradient, decay_flags, opt… argument
41 next_param = adam(param, m, v, lr, beta1, beta2, eps, weight_decay, gradient)
43 next_param = adam(param, m, v, lr, beta1, beta2, eps, 0.0, gradient)
49 def _update_run_op(beta1, beta2, eps, lr, overflow, weight_decay, param, m, v, gradient, decay_flag… argument
91 update = next_m / (eps + op_sqrt(next_v))
110 … beta2_power, beta1, beta2, eps, lr, gradient, param, m, v, ps_parameter, cache_enable): argument
119 op_shape(beta2), op_shape(eps), op_shape(values), op_shape(indices))
121 eps, values, indices), shapes), param))
126 eps, values, indices))
153 param_update = div_value / (op_sqrt(next_v) + eps)
[all …]
/third_party/mindspore/tests/st/fl/hybrid_lenet/src/
Dadam.py33 def _update_run_kernel(beta1, beta2, eps, lr, weight_decay, param, m, v, gradient, decay_flags, opt… argument
40 next_param = adam(param, m, v, lr, beta1, beta2, eps, weight_decay, gradient)
42 next_param = adam(param, m, v, lr, beta1, beta2, eps, 0.0, gradient)
48 def _update_run_op(beta1, beta2, eps, lr, overflow, weight_decay, param, m, v, gradient, decay_flag… argument
90 update = next_m / (eps + op_sqrt(next_v))
109 … beta2_power, beta1, beta2, eps, lr, gradient, param, m, v, ps_parameter, cache_enable): argument
118 op_shape(beta2), op_shape(eps), op_shape(values), op_shape(indices))
120 eps, values, indices), shapes), param))
125 eps, values, indices))
152 param_update = div_value / (op_sqrt(next_v) + eps)
[all …]
/third_party/mindspore/mindspore/ccsrc/backend/kernel_compiler/gpu/cuda_impl/
Dl2normalize_impl.cu21 __global__ void AssignEps(const size_t size, const float eps, T* value) { in AssignEps() argument
24 float max = v > eps ? v : eps; in AssignEps()
30 void GetMaxWithEpsAndValue(const size_t size, const float eps, T* value, cudaStream_t cuda_stream) { in GetMaxWithEpsAndValue() argument
31 AssignEps<<<GET_BLOCKS(size), GET_THREADS, 0, cuda_stream>>>(size, eps, value); in GetMaxWithEpsAndValue()
34 template void GetMaxWithEpsAndValue<float>(const size_t size, const float eps, float* value, cudaSt…
35 template void GetMaxWithEpsAndValue<half>(const size_t size, const float eps, half* value, cudaStre…
36 template void GetMaxWithEpsAndValue<int>(const size_t size, const float eps, int* value, cudaStream…
/third_party/boost/libs/math/example/
Dtest_cpp_float_close_fraction.cpp66 cpp_dec_float_50_noet eps = std::numeric_limits<cpp_dec_float_50_noet>::epsilon(); in BOOST_AUTO_TEST_CASE() local
68 std::cout <<"a = " << a << ",\nb = " << b << ",\neps = " << eps << std::endl; in BOOST_AUTO_TEST_CASE()
70 BOOST_CHECK_CLOSE(a, b, eps * 100); // Expected to pass (because tolerance is as percent). in BOOST_AUTO_TEST_CASE()
71 BOOST_CHECK_CLOSE_FRACTION(a, b, eps); // Expected to pass (because tolerance is as fraction). in BOOST_AUTO_TEST_CASE()
88 cpp_dec_float_50_et eps = std::numeric_limits<cpp_dec_float_50_et>::epsilon(); in BOOST_AUTO_TEST_CASE() local
90 std::cout << "a = " << a << ",\nb = " << b << ",\neps = " << eps << std::endl; in BOOST_AUTO_TEST_CASE()
92 BOOST_CHECK_CLOSE(a, b, eps * 100); // Expected to pass (because tolerance is as percent). in BOOST_AUTO_TEST_CASE()
93 BOOST_CHECK_CLOSE_FRACTION(a, b, eps); // Expected to pass (because tolerance is as fraction). in BOOST_AUTO_TEST_CASE()
/third_party/mindspore/mindspore/lite/java/java/fl_client/src/main/java/com/mindspore/flclient/
DSecureProtocol.java255 private static double calculateBPositive(double eps, double calInput) { in calculateBPositive() argument
256 return calculatePhi(Math.sqrt(eps * calInput)) - in calculateBPositive()
257 Math.exp(eps) * calculatePhi(-Math.sqrt(eps * (calInput + 2.0))); in calculateBPositive()
260 private static double calculateBNegative(double eps, double calInput) { in calculateBNegative() argument
261 return calculatePhi(-Math.sqrt(eps * calInput)) - in calculateBNegative()
262 Math.exp(eps) * calculatePhi(-Math.sqrt(eps * (calInput + 2.0))); in calculateBNegative()
265 …private static double calculateSPositive(double eps, double targetDelta, double initSInf, double i… in calculateSPositive() argument
266 double deltaSup = calculateBPositive(eps, initSSup); in calculateSPositive()
272 deltaSup = calculateBPositive(eps, sSup); in calculateSPositive()
278 double bPositive = calculateBPositive(eps, sMid); in calculateSPositive()
[all …]
/third_party/boost/libs/phoenix/test/stdlib/
Dcmath.cpp18 double eps = 0.000001; in main() local
20 boost::function<bool(double, double)> f = boost::phoenix::fabs(_1 - _2) < eps; in main()
26 BOOST_TEST(f(0.0, 0 * eps)); in main()
27 BOOST_TEST(!f(0.0, eps)); in main()
28 BOOST_TEST(std::fabs(x-4.) < eps ); in main()
29 BOOST_TEST(std::fabs(z-1.) < eps ); in main()
/third_party/boost/libs/math/example/daubechies_wavelets/
Dfind_best_daubechies_interpolator.cpp356 Real eps = (y-k)/(1<<r); in find_best_interpolator() local
357 return phi[kk] + eps*phi_prime[kk]; in find_best_interpolator()
360 Real eps = (y-k-1)/(1<<r); in find_best_interpolator() local
361 return phi[kk+1] + eps*phi_prime[kk+1]; in find_best_interpolator()
421 Real eps = (y-k)/(1<<r); in find_best_interpolator() local
422 return phi[kk] + eps*phi_prime[kk] + eps*eps*phi_dbl_prime[kk]/2; in find_best_interpolator()
425 Real eps = (y-k-1)/(1<<r); in find_best_interpolator() local
426 return phi[kk+1] + eps*phi_prime[kk+1] + eps*eps*phi_dbl_prime[kk+1]/2; in find_best_interpolator()
470 Real eps = (y-k)/(1<<r); in find_best_interpolator() local
471 …return phi[kk] + eps*phi_prime[kk] + eps*eps*phi_dbl_prime[kk]/2 + eps*eps*eps*phi_triple_prime[kk… in find_best_interpolator()
[all …]
/third_party/boost/boost/math/differentiation/
Dfinite_difference.hpp97 const Real eps = (numeric_limits<Real>::epsilon)(); in finite_difference_derivative() local
102 Real h = 2 * sqrt(eps); in finite_difference_derivative()
113 *error = ypph / 2 + (abs(yh) + abs(y0))*eps / h; in finite_difference_derivative()
126 const Real eps = (numeric_limits<Real>::epsilon)(); in finite_difference_derivative() local
130 Real h = pow(3 * eps, static_cast<Real>(1) / static_cast<Real>(3)); in finite_difference_derivative()
140 *error = eps * (abs(yh) + abs(ymh)) / (2 * h) + abs((yth - ymth) / 2 - diff) / (6 * h); in finite_difference_derivative()
154 const Real eps = (numeric_limits<Real>::epsilon)(); in finite_difference_derivative() local
156 Real h = pow(11.25*eps, (Real)1 / (Real)5); in finite_difference_derivative()
173 *error += eps * (abs(yth) + abs(ymth) + 8 * (abs(ymh) + abs(yh))) / (12 * h); in finite_difference_derivative()
186 const Real eps = (numeric_limits<Real>::epsilon)(); in finite_difference_derivative() local
[all …]
/third_party/mindspore/mindspore/nn/layer/
Dnormalization.py49 eps=1e-5, argument
80 self.eps = eps
139 epsilon=self.eps,
143 self.bn_train = inner.SyncBatchNorm(epsilon=self.eps,
148 self.bn_infer = P.BatchNorm(is_training=False, epsilon=self.eps, data_format=self.format)
239 …self.num_features, self.eps, self.momentum, self.gamma, self.beta, self.moving_mean, self.moving_v…
352 eps=1e-5, argument
362 eps,
460 eps=1e-5, argument
471 eps,
[all …]

12345678910>>...14