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

<<11121314151617181920>>

  /external/tensorflow/tensorflow/contrib/linear_optimizer/python/
sdca_estimator_test.py 564 half = int(num_examples / 2)
569 constant_op.constant([[1]] * int(half) + [[0]] * int(half)),
571 constant_op.constant([[0]] * int(half) + [[1]] * int(half)),
574 for x in [1, 0, 0, 1, 1, 0, 0, 0, 1, 0] * int(half / 10) +
575 [0, 1, 0, 0, 0, 0, 0, 0, 1, 0] * int(half / 10)])
617 half = int(num_examples / 2)
622 constant_op.constant([[1]] * int(half) + [[0]] * int(half)),
    [all...]
  /external/tensorflow/tensorflow/core/kernels/
save_v2_op_test.cc 118 // Add a 2-d half tensor
119 AddInput<Eigen::half>(TensorShape({2, 4}), [](int x) -> Eigen::half {
120 return static_cast<Eigen::half>(x) / Eigen::half(2);
324 // The 2-d half tensor
335 EXPECT_EQ(static_cast<Eigen::half>(i) / Eigen::half(2),
336 val.template flat<Eigen::half>()(i));
parse_tensor_test.cc 78 MakeOp<Eigen::half>(TensorShape({10}), [](int x) -> Eigen::half {
79 return static_cast<Eigen::half>(x / 10.);
83 ParseSerializedOutput<Eigen::half>(GetOutput(0), &parse_output);
84 test::ExpectTensorEqual<Eigen::half>(parse_output, GetInput(0));
avgpooling_op_gpu.cu.cc 36 DEFINE_GPU_KERNELS(Eigen::half)
116 const Eigen::half* const top_diff, const int num, const int height,
120 Eigen::half* const bottom_diff, const GPUDevice& d);
conditional_accumulator_base.h 184 * The specialization for Eigen::half here simplifies specialization of
194 class TypeConverter<Eigen::half, U> {
196 static Eigen::half ConvertUToT(U c) {
  /external/ImageMagick/MagickCore/
quantum-private.h 110 static inline float HalfToSinglePrecision(const unsigned short half)
140 The IEEE 754 standard specifies half precision as having:
146 sign_bit=(unsigned int) ((half >> 15) & 0x00000001);
147 exponent=(unsigned int) ((half >> 10) & 0x0000001f);
148 significand=(unsigned int) (half & 0x000003ff);
712 half; local
715 The IEEE 754 standard specifies half precision as having:
746 half=(unsigned short) (sign_bit | significand |
748 return(half);
773 half=(unsigned short) (sign_bit | (exponent << 10)
    [all...]
  /external/tensorflow/tensorflow/python/training/
gradient_descent_test.py 41 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
65 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
91 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
118 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
145 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
173 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
196 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
208 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
232 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
ftrl_test.py 40 for dtype in [dtypes.half, dtypes.float32]:
82 for dtype in [dtypes.half, dtypes.float32]:
112 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
131 for dtype in [dtypes.half, dtypes.float32]:
161 for dtype in [dtypes.half, dtypes.float32]:
198 for dtype in [dtypes.half, dtypes.float32]:
231 for dtype in [dtypes.half, dtypes.float32]:
266 for dtype in [dtypes.half, dtypes.float32]:
350 for dtype in [dtypes.half, dtypes.float32]:
371 for dtype in [dtypes.half, dtypes.float32]
    [all...]
optimizer_test.py 39 for i, dtype in enumerate([dtypes.half, dtypes.float32, dtypes.float64]):
67 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
93 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
119 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
134 for i, dtype in enumerate([dtypes.half, dtypes.float32, dtypes.float64]):
152 for i, dtype in enumerate([dtypes.half, dtypes.float32, dtypes.float64]):
168 for i, dtype in enumerate([dtypes.half, dtypes.float32, dtypes.float64]):
182 for i, dtype in enumerate([dtypes.half, dtypes.float32, dtypes.float64]):
  /device/linaro/bootloader/edk2/AppPkg/Applications/Python/Python-2.7.2/Lib/
stringold.py 301 half = n/2
304 half = half+1
305 return ' '*half + s + ' '*(n-half)
  /external/python/cpython2/Lib/
stringold.py 301 half = n/2
304 half = half+1
305 return ' '*half + s + ' '*(n-half)
  /device/linaro/bootloader/edk2/AppPkg/Applications/Python/Python-2.7.2/Lib/test/
sortperf.py 133 half = n // 2
134 L = range(half - 1, -1, -1)
135 L.extend(range(half))
  /external/python/cpython2/Lib/test/
sortperf.py 133 half = n // 2
134 L = range(half - 1, -1, -1)
135 L.extend(range(half))
  /external/python/cpython3/Lib/test/
sortperf.py 133 half = n // 2
134 L = list(range(half - 1, -1, -1))
135 L.extend(range(half))
  /external/skia/src/gpu/gradients/
GrTwoPointConicalGradientLayout.fp 43 half v = 1; // validation flag, set to negative to discard fragment later
47 half r0_2 = focalParams.y;
57 half r0 = focalParams.x;
66 half invR1 = focalParams.x;
67 half fx = focalParams.y;
122 sk_OutColor = half4(half(t), v, 0, 0);
  /external/tensorflow/tensorflow/python/keras/optimizer_v2/
ftrl_test.py 40 for dtype in [dtypes.half, dtypes.float32]:
82 for dtype in [dtypes.half, dtypes.float32]:
112 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
134 for dtype in [dtypes.half, dtypes.float32]:
164 for dtype in [dtypes.half, dtypes.float32]:
201 for dtype in [dtypes.half, dtypes.float32]:
234 for dtype in [dtypes.half, dtypes.float32]:
269 for dtype in [dtypes.half, dtypes.float32]:
353 for dtype in [dtypes.half, dtypes.float32]:
374 for dtype in [dtypes.half, dtypes.float32]
    [all...]
  /external/skia/src/gpu/effects/
GrEllipseEffect.fp 99 half alpha;
105 alpha = saturate(0.5 - half(approx_dist));
111 alpha = saturate(0.5 + half(approx_dist));
GrMixerEffect.fp 12 in uniform half weight;
  /external/eigen/unsupported/Eigen/src/MoreVectorization/
MathFunctions.h 25 _EIGEN_DECLARE_CONST_Packet4f(half, 0.5);
27 _EIGEN_DECLARE_CONST_Packet4f(3half, 1.5);
48 //so first compare with half
  /external/swiftshader/third_party/llvm-7.0/llvm/test/MC/RISCV/
fixups-expr.s 27 .half .L2-.L1
28 .half G2-G1
  /external/tensorflow/tensorflow/compiler/xla/
primitive_util.h 118 inline PrimitiveType NativeToPrimitiveType<half>() {
225 using type = half;
  /external/tensorflow/tensorflow/contrib/optimizer_v2/
adagrad_test.py 38 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
72 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
91 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
115 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
146 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
176 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
200 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
236 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
optimizer_v2_test.py 40 for i, dtype in enumerate([dtypes.half, dtypes.float32, dtypes.float64]):
63 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
88 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
114 for dtype in [dtypes.half, dtypes.float32, dtypes.float64]:
129 for i, dtype in enumerate([dtypes.half, dtypes.float32, dtypes.float64]):
143 for i, dtype in enumerate([dtypes.half, dtypes.float32, dtypes.float64]):
155 for i, dtype in enumerate([dtypes.half, dtypes.float32, dtypes.float64]):
165 for i, dtype in enumerate([dtypes.half, dtypes.float32, dtypes.float64]):
  /external/tensorflow/tensorflow/stream_executor/
stream.h 254 const DeviceMemory<Eigen::half> &x, const DeviceMemory<float> &scale,
260 DeviceMemory<Eigen::half> *y, DeviceMemory<float> *batch_mean,
267 const DeviceMemory<Eigen::half> &y_backprop,
268 const DeviceMemory<Eigen::half> &x, const DeviceMemory<float> &scale,
272 DeviceMemory<Eigen::half> *x_backprop,
328 const DeviceMemory<Eigen::half> &input_data,
330 const DeviceMemory<Eigen::half> &filter_data,
333 DeviceMemory<Eigen::half> *output, ScratchAllocator *scratch_allocator,
367 const DeviceMemory<Eigen::half> &conv_input_data, float conv_input_scale,
369 const DeviceMemory<Eigen::half> &filter_data
    [all...]
  /bionic/libc/tools/
genseccomp.py 112 # to the correct half
119 half = (len(ranges) + 1) / 2
120 first = convert_to_intermediate_bpf(ranges[:half])
121 second = convert_to_intermediate_bpf(ranges[half:])
122 jump = [BPF_JGE.format(ranges[half].begin, len(first), 0) + ","]

Completed in 881 milliseconds

<<11121314151617181920>>