/external/skia/resources/sksl/intrinsics/ |
D | Tanh.sksl | 6 return (tanh(input.x) == expected.x && 7 tanh(input.xy) == expected.xy && 8 tanh(input.xyz) == expected.xyz && 9 tanh(input.xyzw) == expected.xyzw && 10 tanh(constVal.x) == expected.x && 11 tanh(constVal.xy) == expected.xy && 12 tanh(constVal.xyz) == expected.xyz && 13 tanh(constVal.xyzw) == expected.xyzw) ? colorGreen : colorRed;
|
/external/skia/tests/sksl/intrinsics/ |
D | Tanh.glsl | 8 …return ((((((tanh(input.x) == expected.x && tanh(input.xy) == expected.xy) && tanh(input.xyz) == e…
|
D | Tanh.metal | 19 …tanh(_uniforms.input.x) == _uniforms.expected.x && all(tanh(_uniforms.input.xy) == _uniforms.expec…
|
/external/tensorflow/tensorflow/core/api_def/python_api/ |
D | api_def_Tanh.pbtxt | 4 name: "math.tanh" 7 name: "nn.tanh" 10 name: "tanh"
|
/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/llvm-project/mlir/test/Dialect/Standard/ |
D | expand-tanh.mlir | 1 // RUN: mlir-opt %s -test-expand-tanh | FileCheck %s 3 // CHECK-LABEL: func @tanh 4 func @tanh(%arg: f32) -> f32 { 5 %res = tanh %arg : f32
|
/external/llvm-project/clang-tools-extra/test/clang-tidy/checkers/ |
D | bugprone-integer-division.cpp | 28 long double tanh(long double); 110 tanh(f / g); in integerDivision() 124 tanh(c / g); in integerDivision() 129 tanh(3.14 / f / g); in integerDivision()
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | cwise_ops_unary_test.py | 209 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) 380 self._compareBothSparse(x, np.tanh, math_ops.tanh) [all …]
|
/external/tensorflow/tensorflow/lite/delegates/gpu/common/tasks/ |
D | lstm_test_util.cc | 70 {static_cast<float>((1.0 / 6.0) * std::tanh(7.0 / 15.0)), in LstmTest() 71 static_cast<float>((1.0 / 6.0) * std::tanh(10.0 / 15.0)), in LstmTest() 72 static_cast<float>((1.0 / 6.0) * std::tanh(13.0 / 15.0)), in LstmTest() 73 static_cast<float>((1.0 / 6.0) * std::tanh(16.0 / 15.0))}, in LstmTest()
|
/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/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()
|
/external/tensorflow/tensorflow/lite/kernels/internal/reference/ |
D | tanh.h | 35 float result = std::tanh(val); in Tanh() 70 F0 output = gemmlowp::tanh(input); in Tanh() 77 F0 output = gemmlowp::tanh(input); in Tanh() 109 const FixedPoint0 output_val_f0 = gemmlowp::tanh(input_val_f4); in Tanh()
|
/external/tensorflow/tensorflow/compiler/mlir/tools/kernel_gen/tests/ |
D | tanh.mlir | 7 // Test whether all shape computations required for tanh can be lowered to 12 // CHECK-LABEL: @tanh 13 func @tanh(%arg0: tensor<*xf32>) -> tensor<*xf32> {
|
/external/webrtc/modules/audio_processing/ns/ |
D | speech_probability_estimator.cc | 56 0.5f * (tanh(width_prior * (model.lrt - prior_model.lrt)) + 1.f); in Update() 65 0.5f * (tanh(1.f * width_prior * in Update() 77 0.5f * (tanh(width_prior * (model.spectral_diff - in Update()
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_LSTMBlockCell.pbtxt | 61 The cell state before the tanh. 85 The cell after the tanh. 129 ci = tanh(ci) 135 co = tanh(cs)
|
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/llvm-project/libclc/generic/lib/math/ |
D | tanh.cl | 28 _CLC_OVERLOAD _CLC_DEF float tanh(float x) 30 // The definition of tanh(x) is sinh(x)/cosh(x), which is also equivalent 75 _CLC_UNARY_VECTORIZE(_CLC_OVERLOAD _CLC_DEF, float, tanh, float); 81 _CLC_OVERLOAD _CLC_DEF double tanh(double x) 83 // The definition of tanh(x) is sinh(x)/cosh(x), which is also equivalent 144 _CLC_UNARY_VECTORIZE(_CLC_OVERLOAD _CLC_DEF, double, tanh, double);
|
/external/tensorflow/tensorflow/core/kernels/ |
D | cwise_op_tanh.cc | 20 REGISTER6(UnaryOp, CPU, "Tanh", functor::tanh, float, Eigen::half, bfloat16, 25 REGISTER3(UnaryOp, GPU, "Tanh", functor::tanh, float, Eigen::half, double);
|
D | logistic-loss.h | 43 return 0.5 * (1 + tanh(x)) / label; in ComputeUpdatedDual() 120 const double tanhx = tanh(x); in NewtonStep()
|
/external/llvm-project/mlir/test/Analysis/ |
D | test-shape-fn-report.mlir | 4 func @tanh(%arg: tensor<10x20xf32>) -> tensor<10x20xf32> 7 %0 = tanh %arg : tensor<10x20xf32>
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | unary_ops_composition_test.cc | 127 RunComposedOp<float>({"Tanh", "Relu"}, 0.5, std::max(0.0f, std::tanh(0.5f))); in TEST_F() 131 RunComposedOp<double>({"Tanh", "Relu"}, 0.5, std::max(0.0, std::tanh(0.5))); in TEST_F()
|
/external/rust/crates/num-traits/src/ |
D | real.rs | 736 fn tanh(self) -> Self; in tanh() method 829 Float::tanh(self) -> Self;
|
/external/tensorflow/tensorflow/compiler/mlir/hlo/tests/ |
D | legalize-trigonometric-to-approximation.mlir | 4 %res = math.tanh %arg0 : f64 9 // CHECK: tanh 14 %res = math.tanh %arg0 : f32 69 %res = math.tanh %arg0 : f16
|
/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/llvm-project/clang/lib/Headers/ |
D | __clang_cuda_math_forward_declares.h | 173 __DEVICE__ double tanh(double); 174 __DEVICE__ float tanh(float); 266 using ::tanh;
|