/external/python/cpython3/Lib/test/ |
D | cmath_testcases.txt | 1580 -- For exp, cosh, sinh, tanh we limit tests to arguments whose 1932 -- tanh: Hyperbolic Tangent -- 1939 -- tanh0000 tanh 0.0 0.0 -> 0.0 0.0 1940 -- tanh0001 tanh 0.0 -0.0 -> 0.0 -0.0 1941 -- tanh0002 tanh -0.0 0.0 -> -0.0 0.0 1942 -- tanh0003 tanh -0.0 -0.0 -> -0.0 -0.0 1945 tanh0004 tanh -21.200500450664993 -1.6970729480342996 -> -1.0 1.9241352344849399e-19 1946 tanh0005 tanh -0.34158771504251928 -8.0848504951747131 -> -2.123711225855613 1.2827526782026006 1947 tanh0006 tanh -15.454144725193689 -0.23619582288265617 -> -0.99999999999993283 -3.4336684248260036e… 1948 tanh0007 tanh -7.6103163119661952 -0.7802748320307008 -> -0.99999999497219438 -4.9064845343755437e-… [all …]
|
/external/python/cpython2/Lib/test/ |
D | cmath_testcases.txt | 1555 -- For exp, cosh, sinh, tanh we limit tests to arguments whose 1858 -- tanh: Hyperbolic Tangent -- 1862 tanh0000 tanh 0.0 0.0 -> 0.0 0.0 1863 tanh0001 tanh 0.0 -0.0 -> 0.0 -0.0 1864 tanh0002 tanh -0.0 0.0 -> -0.0 0.0 1865 tanh0003 tanh -0.0 -0.0 -> -0.0 -0.0 1868 tanh0004 tanh -21.200500450664993 -1.6970729480342996 -> -1.0 1.9241352344849399e-19 1869 tanh0005 tanh -0.34158771504251928 -8.0848504951747131 -> -2.123711225855613 1.2827526782026006 1870 tanh0006 tanh -15.454144725193689 -0.23619582288265617 -> -0.99999999999993283 -3.4336684248260036e… 1871 tanh0007 tanh -7.6103163119661952 -0.7802748320307008 -> -0.99999999497219438 -4.9064845343755437e-… [all …]
|
/external/tensorflow/tensorflow/core/kernels/ |
D | cwise_op_tanh.cc | 20 REGISTER5(UnaryOp, CPU, "Tanh", functor::tanh, float, Eigen::half, double, 24 REGISTER3(UnaryOp, GPU, "Tanh", functor::tanh, float, Eigen::half, double); 28 REGISTER2(UnaryOp, SYCL, "Tanh", functor::tanh, float, double);
|
D | logistic-loss.h | 43 return 0.5 * (1 + tanh(x)) / label; in ComputeUpdatedDual() 120 const double tanhx = tanh(x); in NewtonStep()
|
D | cwise_op_gpu_tanh.cu.cc | 23 DEFINE_UNARY3(tanh, Eigen::half, float, double);
|
/external/tensorflow/tensorflow/contrib/rnn/python/ops/ |
D | rnn_cell.py | 140 activation=math_ops.tanh, 401 tanh = math_ops.tanh 444 sigmoid(i + w_i_diag * c_prev) * tanh(j)) 446 c = (sigmoid(f + self._forget_bias) * c_prev + sigmoid(i) * tanh(j)) 454 m = sigmoid(o + w_o_diag * c) * tanh(c) 456 m = sigmoid(o) * tanh(c) 682 tanh = math_ops.tanh 799 c_freq = f_freq_g * c_prev_freq + i_freq_g * tanh(j_freq) 831 c_time = f_time_g * c_prev_time + i_time_g * tanh(j_time) 841 w_o_diag_freqt * c_time) * tanh(c_freq) [all …]
|
/external/eigen/unsupported/test/ |
D | autodiff_scalar.cpp | 43 using std::tanh; in check_hyperbolic_functions() 50 AD res1 = tanh(val); in check_hyperbolic_functions() 51 VERIFY_IS_APPROX(res1.value(), std::tanh(p.x())); in check_hyperbolic_functions() 65 res1 = tanh(val); in check_hyperbolic_functions()
|
D | cxx11_tensor_math.cpp | 22 Tensor<float, 1> vec2 = vec1.tanh(); in test_tanh()
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_TanhGrad.pbtxt | 4 summary: "Computes the gradient for the tanh of `x` wrt its input." 6 Specifically, `grad = dy * (1 - y*y)`, where `y = tanh(x)`, and `dy`
|
/external/vulkan-validation-layers/libs/glm/detail/ |
D | func_trigonometric.inl | 186 // tanh 188 GLM_FUNC_QUALIFIER genType tanh 193 …GLM_STATIC_ASSERT(std::numeric_limits<genType>::is_iec559, "'tanh' only accept floating-point inpu… 195 return genType(std::tanh(angle)); 198 VECTORIZE_VEC(tanh) argument
|
/external/tensorflow/tensorflow/contrib/specs/python/ |
D | specs_ops.py | 82 Ct = Fun(layers.conv2d, activation_fn=math_ops.tanh) 91 Ft = Fun(layers.fully_connected, activation_fn=math_ops.tanh) 120 Tanh = Fun(math_ops.tanh)
|
/external/tensorflow/tensorflow/contrib/eager/python/examples/gan/ |
D | mnist.py | 61 activation=tf.tanh)) 66 activation=tf.tanh)) 70 self.fc1 = self.track_layer(tf.layers.Dense(1024, activation=tf.tanh)) 120 activation=tf.tanh))
|
/external/tensorflow/tensorflow/python/keras/_impl/keras/ |
D | activations.py | 96 def tanh(x): function 97 return K.tanh(x)
|
/external/clang/lib/Headers/ |
D | __clang_cuda_math_forward_declares.h | 179 __DEVICE__ double tanh(double); 180 __DEVICE__ float tanh(float); 256 using ::tanh;
|
/external/tensorflow/tensorflow/contrib/linear_optimizer/kernels/g3doc/ |
D | readme.md | 120 $$ y(\a+\d) = \frac{1}{2}(1+\tanh x) $$ 125 $$ D' = H(x) = -2y x - \bar{y} + A\a -\frac{A}{2y}(1+\tanh x) $$ 129 $$ H'(x) = -2y - \frac{A}{2y}(1-\tanh^2 x) $$ 157 We see that the result will be $$ \frac{1+\tanh(-1.1)}{2} \sim 0.10$$ as 179 $$ H''(x) = \frac{A}{y} \tanh x (1-\tanh^2 x) $$
|
/external/tensorflow/tensorflow/compiler/xla/service/ |
D | layout_assignment_test.cc | 331 auto tanh = builder.AddInstruction( in TEST_F() local 336 module->AddEntryComputation(builder.Build(tanh)); in TEST_F() 374 auto tanh = builder.AddInstruction( in TEST_F() local 377 auto computation = module->AddEntryComputation(builder.Build(tanh)); in TEST_F() 395 LayoutUtil::Equal(bshape_with_layout.layout(), tanh->shape().layout())); in TEST_F() 455 auto tanh = builder.AddInstruction( in TEST_F() local 458 HloInstruction::CreateBroadcast(f32_234, tanh, {2})); in TEST_F() 484 EXPECT_THAT(tanh->shape().layout().minor_to_major(), ElementsAre(0, 1)); in TEST_F()
|
/external/libcxx/test/std/numerics/complex.number/complex.transcendentals/ |
D | tanh.pass.cpp | 25 assert(tanh(c) == x); in test() 40 std::complex<double> r = tanh(testcases[i]); in test_edges()
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | cwise_ops_test.py | 224 self._compareBoth(x, np.tanh, math_ops.tanh) 248 self._compareBothSparse(x, np.tanh, math_ops.tanh) 254 self._compareBoth(x, np.tanh, math_ops.tanh) 256 self._compareBoth(x, np.tanh, math_ops.tanh) 275 self._compareBoth(x, np.tanh, math_ops.tanh) 293 self._compareBothSparse(x, np.tanh, math_ops.tanh) 318 self._compareBoth(x, np.tanh, math_ops.tanh) 341 self._compareBothSparse(x, np.tanh, math_ops.tanh) 361 self._compareBoth(x, np.tanh, math_ops.tanh) 377 self._compareBothSparse(x, np.tanh, math_ops.tanh) [all …]
|
/external/eigen/doc/snippets/ |
D | Cwise_tanh.cpp | 2 cout << tanh(v) << endl;
|
/external/ltp/testcases/misc/math/float/ |
D | float_iperb.c | 33 {FUNC_NORMAL, 50, tanh, "tanh", "dtanh", "rtanh",
|
/external/tensorflow/tensorflow/contrib/labeled_tensor/ |
D | __init__.py | 75 tanh = _core.tanh variable
|
/external/ltp/testcases/misc/math/float/trigo/ |
D | Makefile | 28 [rd]tanh
|
/external/ltp/testcases/misc/math/float/iperb/ |
D | Makefile | 28 [rd]tanh *.ref*
|
/external/tensorflow/tensorflow/contrib/lite/kernels/ |
D | activation_functor.h | 43 return std::tanh(a); in operator()
|
/external/libcxx/test/std/numerics/numarray/valarray.nonmembers/valarray.transcend/ |
D | tanh_valarray.pass.cpp | 47 std::valarray<T> v3 = tanh(v1); in main()
|