HomeSort by relevance Sort by last modified time
    Searched refs:half (Results 101 - 125 of 834) sorted by null

1 2 3 45 6 7 8 91011>>

  /external/tensorflow/tensorflow/core/kernels/
cwise_op_gpu_div.cu.cc 22 DEFINE_BINARY10(div, Eigen::half, float, double, uint8, uint16, int16, int32,
cwise_op_gpu_mul.cu.cc 22 DEFINE_BINARY11(mul, Eigen::half, float, double, uint8, int8, uint16, int16,
conv_ops_gpu_2.cu.cc 34 template struct functor::InflatePadAndShuffle<GPUDevice, Eigen::half, 4, int>;
35 template struct functor::InflatePadAndShuffle<GPUDevice, Eigen::half, 4,
cwise_op_xdivy.cc 19 REGISTER5(BinaryOp, CPU, "Xdivy", functor::xdivy, float, Eigen::half, double,
34 REGISTER5(BinaryOp, GPU, "Xdivy", functor::xdivy, float, Eigen::half, double,
batch_norm_op_test.cc 73 AddInputFromList<Eigen::half>(TensorShape({1, 1, 6, 2}),
75 AddInputFromList<Eigen::half>(TensorShape({2}), {10, 20});
76 AddInputFromList<Eigen::half>(TensorShape({2}), {0.25, 0.5});
77 AddInputFromList<Eigen::half>(TensorShape({2}), {0.1, 0.6});
78 AddInputFromList<Eigen::half>(TensorShape({2}), {0.0, 0.0});
82 test::FillValues<Eigen::half>(
85 test::ExpectTensorNear<Eigen::half>(expected, *GetOutput(0), 0.1);
cwise_op_div.cc 19 REGISTER6(BinaryOp, CPU, "Div", functor::div, float, Eigen::half, double,
25 REGISTER6(BinaryOp, CPU, "RealDiv", functor::div, float, Eigen::half, double,
27 REGISTER5(BinaryOp, CPU, "DivNoNan", functor::div_no_nan, Eigen::half, float,
31 REGISTER9(BinaryOp, GPU, "Div", functor::div, float, Eigen::half, double, uint8,
35 REGISTER5(BinaryOp, GPU, "RealDiv", functor::div, float, Eigen::half, double,
cwise_op_mul_1.cc 20 REGISTER6(BinaryOp, CPU, "Mul", functor::mul, float, Eigen::half, double, uint8,
22 REGISTER5(BinaryOp, CPU, "MulNoNan", functor::mul_no_nan, Eigen::half, float,
33 REGISTER4(BinaryOp, GPU, "Mul", functor::mul, float, Eigen::half, double,
cwise_op_maximum.cc 19 REGISTER6(BinaryOp, CPU, "Maximum", functor::maximum, float, Eigen::half,
22 REGISTER4(BinaryOp, GPU, "Maximum", functor::maximum, float, Eigen::half,
  /device/linaro/bootloader/edk2/StdLib/LibC/Math/
e_cosh.c 47 static const double one = 1.0, half=0.5, huge = 1.0e300; variable
74 return half*t+half/t;
77 /* |x| in [22, log(maxdouble)] return half*exp(|x|) */
78 if (ix < 0x40862E42) return half*__ieee754_exp(fabs(x));
84 w = __ieee754_exp(half*fabs(x));
85 t = half*w;
  /cts/tests/tests/renderscript/src/android/renderscript/cts/
float16_gen.c 30 typedef __fp16 half; typedef
111 half h = *(half *) &s;
117 half h = (half) f;
130 half hValue = *(half *) &value;
131 half ulp;
144 ulp = *(half *) &ulpInShort;
154 half hA = *(half *) &a
    [all...]
  /external/skia/src/gpu/effects/
GrRectBlurEffect.fp 40 uniform half profileSize;
92 // We promote the rect uniform from half to float when it has large values for
127 half hcoord = half(((abs(translatedPos.x - 0.5 * width) - 0.5 * wh.x)) / profileSize);
128 half hlookup = texture(blurProfile, float2(hcoord, 0.5)).a;
129 half vcoord = half(((abs(translatedPos.y - 0.5 * height) - 0.5 * wh.y)) / profileSize);
130 half vlookup = texture(blurProfile, float2(vcoord, 0.5)).a;
134 half width = half(rect.z - rect.x)
    [all...]
GrAARectEffect.fp 16 half alpha;
27 half xSub, ySub;
28 xSub = min(half(sk_FragCoord.x - rectUniform.x), 0.0);
29 xSub += min(half(rectUniform.z - sk_FragCoord.x), 0.0);
30 ySub = min(half(sk_FragCoord.y - rectUniform.y), 0.0);
31 ySub += min(half(rectUniform.w - sk_FragCoord.y), 0.0);
  /external/eigen/Eigen/src/Core/arch/CUDA/
PacketMathHalf.h 22 template<> struct packet_traits<Eigen::half> : default_packet_traits
25 typedef half2 half; typedef in struct:Eigen::internal::packet_traits
42 template<> struct unpacket_traits<half2> { typedef Eigen::half type; enum {size=2, alignment=Aligned16}; typedef half2 half; }; typedef in struct:Eigen::internal::unpacket_traits
44 template<> __device__ EIGEN_STRONG_INLINE half2 pset1<half2>(const Eigen::half& from) {
48 template<> __device__ EIGEN_STRONG_INLINE half2 pload<half2>(const Eigen::half* from) {
52 template<> __device__ EIGEN_STRONG_INLINE half2 ploadu<half2>(const Eigen::half* from) {
56 template<> EIGEN_STRONG_INLINE half2 ploaddup<half2>(const Eigen::half* from) {
60 template<> __device__ EIGEN_STRONG_INLINE void pstore<Eigen::half>(Eigen::half* to, const half2& from)
    [all...]
  /external/webrtc/webrtc/common_audio/
window_generator.cc 54 const size_t half = (length + 1) / 2; local
57 for (size_t i = 0; i <= half; ++i) {
62 for (size_t i = length - 1; i >= half; --i) {
67 window[half - 1] = sqrtf(window[half - 1] / sum);
  /cts/tests/tests/renderscript/src/android/renderscript/cts/generated/
TestDistance.rs 44 half __attribute__((kernel)) testDistanceHalfHalfHalf(half inLeftVector, unsigned int x) {
45 half inRightVector = rsGetElementAt_half(gAllocInRightVector, x);
49 half __attribute__((kernel)) testDistanceHalf2Half2Half(half2 inLeftVector, unsigned int x) {
54 half __attribute__((kernel)) testDistanceHalf3Half3Half(half3 inLeftVector, unsigned int x) {
59 half __attribute__((kernel)) testDistanceHalf4Half4Half(half4 inLeftVector, unsigned int x) {
TestDot.rs 44 half __attribute__((kernel)) testDotHalfHalfHalf(half inLeftVector, unsigned int x) {
45 half inRightVector = rsGetElementAt_half(gAllocInRightVector, x);
49 half __attribute__((kernel)) testDotHalf2Half2Half(half2 inLeftVector, unsigned int x) {
54 half __attribute__((kernel)) testDotHalf3Half3Half(half3 inLeftVector, unsigned int x) {
59 half __attribute__((kernel)) testDotHalf4Half4Half(half4 inLeftVector, unsigned int x) {
TestNativeDistance.rs 44 half __attribute__((kernel)) testNativeDistanceHalfHalfHalf(half inLeftVector, unsigned int x) {
45 half inRightVector = rsGetElementAt_half(gAllocInRightVector, x);
49 half __attribute__((kernel)) testNativeDistanceHalf2Half2Half(half2 inLeftVector, unsigned int x) {
54 half __attribute__((kernel)) testNativeDistanceHalf3Half3Half(half3 inLeftVector, unsigned int x) {
59 half __attribute__((kernel)) testNativeDistanceHalf4Half4Half(half4 inLeftVector, unsigned int x) {
  /external/tensorflow/tensorflow/compiler/xla/service/cpu/
runtime_matmul.h 31 Eigen::half* out, Eigen::half* lhs, Eigen::half* rhs, tensorflow::int64 m,
runtime_single_threaded_matmul.h 31 Eigen::half* out, Eigen::half* lhs, Eigen::half* rhs, tensorflow::int64 m,
  /external/tensorflow/tensorflow/compiler/xla/service/gpu/
buffer_comparator.h 37 se::DeviceMemory<Eigen::half> ref_buffer, Compiler* compiler,
49 StatusOr<bool> CompareEqual(se::DeviceMemory<Eigen::half> test_buffer);
60 StatusOr<bool> CompareEqualImpl(se::DeviceMemory<Eigen::half> test_buffer);
  /external/tensorflow/tensorflow/core/util/
cuda_kernel_helper.h 70 __device__ inline Eigen::half CudaShuffleSync(unsigned mask, Eigen::half value,
73 return Eigen::half(
77 __device__ EIGEN_ALWAYS_INLINE Eigen::half CudaShuffleUpSync(
78 unsigned mask, Eigen::half value, int delta, int width = warpSize) {
79 return Eigen::half(
83 __device__ EIGEN_ALWAYS_INLINE Eigen::half CudaShuffleDownSync(
84 unsigned mask, Eigen::half value, int delta, int width = warpSize) {
85 return Eigen::half(
89 __device__ EIGEN_ALWAYS_INLINE Eigen::half CudaShuffleXorSync
    [all...]
  /external/llvm/test/MC/Sparc/
sparc-directives.s 12 ! SPARC32: .half 1024
13 ! SPARC64: .half 1024
14 .half 1024
  /external/skia/src/gpu/gradients/
GrSingleIntervalGradientColorizer.fp 16 half t = sk_InColor.x;
  /external/skqp/src/gpu/effects/
GrBlurredEdgeFragmentProcessor.fp 16 half factor = 1.0 - sk_InColor.a;
  /external/skqp/src/gpu/gradients/
GrSingleIntervalGradientColorizer.fp 16 half t = sk_InColor.x;

Completed in 413 milliseconds

1 2 3 45 6 7 8 91011>>