Home
last modified time | relevance | path

Searched refs:tanh (Results 1 – 25 of 283) sorted by relevance

12345678910>>...12

/external/python/cpython3/Lib/test/
Dcmath_testcases.txt1580 -- 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/tensorflow/tensorflow/python/kernel_tests/
Dcwise_ops_unary_test.py209 self._compareBoth(x, np.tanh, math_ops.tanh)
238 self._compareBothSparse(x, np.tanh, math_ops.tanh)
245 self._compareBoth(x, np.tanh, math_ops.tanh)
247 self._compareBoth(x, np.tanh, math_ops.tanh)
267 self._compareBoth(x, np.tanh, math_ops.tanh)
291 self._compareBothSparse(x, np.tanh, math_ops.tanh)
317 self._compareBoth(x, np.tanh, math_ops.tanh)
345 self._compareBothSparse(x, np.tanh, math_ops.tanh)
366 self._compareBoth(x, np.tanh, math_ops.tanh)
387 self._compareBothSparse(x, np.tanh, math_ops.tanh)
[all …]
/external/tensorflow/tensorflow/core/api_def/python_api/
Dapi_def_Tanh.pbtxt4 name: "math.tanh"
7 name: "nn.tanh"
10 name: "tanh"
/external/python/cpython2/Lib/test/
Dcmath_testcases.txt1555 -- 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/
Dcwise_op_tanh.cc20 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);
Dlogistic-loss.h43 return 0.5 * (1 + tanh(x)) / label; in ComputeUpdatedDual()
120 const double tanhx = tanh(x); in NewtonStep()
Dcwise_op_gpu_tanh.cu.cc23 DEFINE_UNARY3(tanh, Eigen::half, float, double);
Dunary_ops_composition_test.cc71 RunComposedOp<float>({"Tanh", "Relu"}, 0.5, std::max(0.0f, std::tanh(0.5f))); in TEST_F()
75 RunComposedOp<double>({"Tanh", "Relu"}, 0.5, std::max(0.0, std::tanh(0.5))); in TEST_F()
/external/eigen/unsupported/test/
Dautodiff_scalar.cpp43 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()
/external/tensorflow/tensorflow/contrib/rnn/python/ops/
Drnn_cell.py145 activation=math_ops.tanh,
408 tanh = math_ops.tanh
451 sigmoid(i + w_i_diag * c_prev) * tanh(j))
453 c = (sigmoid(f + self._forget_bias) * c_prev + sigmoid(i) * tanh(j))
461 m = sigmoid(o + w_o_diag * c) * tanh(c)
463 m = sigmoid(o) * tanh(c)
690 tanh = math_ops.tanh
807 c_freq = f_freq_g * c_prev_freq + i_freq_g * tanh(j_freq)
839 c_time = f_time_g * c_prev_time + i_time_g * tanh(j_time)
849 w_o_diag_freqt * c_time) * tanh(c_freq)
[all …]
/external/tensorflow/tensorflow/core/api_def/base_api/
Dapi_def_TanhGrad.pbtxt4 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/tensorflow/tensorflow/contrib/eager/python/examples/gan/
Dmnist.py60 64, 5, padding='SAME', data_format=data_format, activation=tf.tanh)
63 128, 5, data_format=data_format, activation=tf.tanh)
66 self.fc1 = layers.Dense(1024, activation=tf.tanh)
115 self.fc1 = layers.Dense(6 * 6 * 128, activation=tf.tanh)
/external/tensorflow/tensorflow/contrib/specs/python/
Dspecs_ops.py82 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/l2hmc/
Dneural_nets.py66 scale = tf.nn.tanh(self.scale_layer(h)) * tf.exp(self.coeff_scale)
69 tf.nn.tanh(self.transformation_layer(h)) * tf.exp(
/external/tensorflow/tensorflow/python/keras/
Dactivations.py167 def tanh(x): function
177 return nn.tanh(x)
/external/clang/lib/Headers/
D__clang_cuda_math_forward_declares.h179 __DEVICE__ double tanh(double);
180 __DEVICE__ float tanh(float);
256 using ::tanh;
/external/libcxx/test/std/numerics/complex.number/complex.transcendentals/
Dtanh.pass.cpp25 assert(tanh(c) == x); in test()
40 std::complex<double> r = tanh(testcases[i]); in test_edges()
/external/tensorflow/tensorflow/lite/tools/benchmark/
DBUILD29 "-lm", # some builtin ops, e.g., tanh, need -lm
48 "-lm", # some builtin ops, e.g., tanh, need -lm
/external/tensorflow/tensorflow/contrib/linear_optimizer/kernels/g3doc/
Dreadme.md120 $$ 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/eigen/doc/snippets/
DCwise_tanh.cpp2 cout << tanh(v) << endl;
/external/deqp-deps/glslang/Test/
Dhlsl.intrinsics.vert55 tanh(inF0);
129 tanh(inF0);
199 tanh(inF0);
269 tanh(inF0);
324 tanh(inF0); \
/external/ltp/testcases/misc/math/float/
Dfloat_iperb.c33 {FUNC_NORMAL, 50, tanh, "tanh", "dtanh", "rtanh",
/external/tensorflow/tensorflow/contrib/labeled_tensor/
D__init__.py75 tanh = _core.tanh variable
/external/ltp/testcases/misc/math/float/trigo/
DMakefile28 [rd]tanh
/external/ltp/testcases/misc/math/float/iperb/
DMakefile28 [rd]tanh *.ref*

12345678910>>...12