/external/XNNPACK/test/ |
D | prelu-microkernel-tester.h | 118 const float x_value = fp16_ieee_to_fp32_value(x_data[n * input_stride() + c]); in Test() local 119 y_ref[n * channels() + c] = std::signbit(x_value) ? in Test() 120 …fp16_ieee_to_fp32_value(fp16_ieee_from_fp32_value(x_value * fp16_ieee_to_fp32_value(w[c]))) : x_va… in Test() 164 const float x_value = x_data[n * input_stride() + c]; in Test() local 165 y_ref[n * channels() + c] = std::signbit(x_value) ? x_value * w[c] : x_value; in Test()
|
D | vunary-microkernel-tester.h | 297 const float x_value = fp16_ieee_to_fp32_value(x_data[i]); in Test() local 298 … y_ref[i] = std::signbit(x_value) ? alpha() * std::expm1(x_value * prescale()) : x_value * beta(); in Test() 376 const float x_value = fp16_ieee_to_fp32_value(x_data[i]); in Test() local 377 y_ref[i] = (x_value / 6.0f) * std::max(std::min(x_value + 3.0f, 6.0f), 0.0f); in Test() 454 const float x_value = fp16_ieee_to_fp32_value(x_data[i]); in Test() local 455 y_ref[i] = std::signbit(x_value) ? x_value * slope_as_float : x_value; in Test() 801 const float x_value = fp16_ieee_to_fp32_value(x_data[i]); variable 802 y_ref[i] = x_value * x_value; 1076 const uint64_t x_value = x[i]; in Test() local 1079 if (uint32_t(x_value) == x_value) { in Test() [all …]
|
D | prelu-operator-tester.h | 137 const float x_value = fp16_ieee_to_fp32_value(x[i * x_stride() + c]); in TestF16() local 139 y_ref[i * channels() + c] = std::signbit(x_value) ? x_value * w_value : x_value; in TestF16()
|
D | window-microkernel-tester.h | 93 const int16_t x_value = x_data[m * batch() + n]; in Test() local 94 int32_t value = ((int32_t) x_value * (int32_t) w[n]) >> shift(); in Test()
|
D | vlog-microkernel-tester.h | 93 const uint32_t x_value = x_data[n]; in Test() local 94 const uint32_t scaled = x_value << input_lshift(); in Test()
|
/external/autotest/client/cros/input_playback/ |
D | stylus.py | 45 def replace_with_prefix(self, in_file, out_file, prefix, x_value, y_value): argument 64 line = line.replace(prefix + '_X', str(x_value)) 65 x_value += 1
|
/external/libhevc/encoder/ |
D | rc_rd_model_fix.c | 1283 number_t x_value, s_qp; in find_qp_for_target_bits() local 1299 x_value.sm = 0; in find_qp_for_target_bits() 1300 x_value.e = 0; in find_qp_for_target_bits() 1328 sqrt32_var_q(det, &x_value); in find_qp_for_target_bits() 1333 sub32_var_q(x_value, ps_rd_model->model_coeff_a_quad, &temp); in find_qp_for_target_bits() 1337 div32_var_q(temp, temp1, &x_value); in find_qp_for_target_bits() 1339 if(det.sm < 0 || x_value.sm < 0) in find_qp_for_target_bits() 1353 div32_var_q(temp, ps_rd_model->model_coeff_b_lin, &x_value); in find_qp_for_target_bits() 1354 if(x_value.sm < 0) in find_qp_for_target_bits() 1367 div32_var_q(s_target_res_bits, ps_rd_model->model_coeff_a_lin_wo_int, &x_value); in find_qp_for_target_bits() [all …]
|
D | rc_rd_model.c | 691 float x_value, f_qp; in find_qp_for_target_bits() local 703 x_value = sqrt(det); in find_qp_for_target_bits() 705 x_value = in find_qp_for_target_bits() 706 (x_value - ps_rd_model->model_coeff_a_quad) / (2 * ps_rd_model->model_coeff_b_quad); in find_qp_for_target_bits() 714 x_value = ((float)u4_target_res_bits - ps_rd_model->model_coeff_c_lin) / in find_qp_for_target_bits() 723 x_value = (float)u4_target_res_bits / ps_rd_model->model_coeff_a_lin_wo_int; in find_qp_for_target_bits() 726 if(0 != x_value) in find_qp_for_target_bits() 727 f_qp = u4_estimated_sad / x_value; in find_qp_for_target_bits()
|
/external/llvm/test/CodeGen/NVPTX/ |
D | extloadv.ll | 3 define void @foo(float* nocapture readonly %x_value, double* nocapture %output) #0 { 4 %1 = bitcast float* %x_value to <4 x float>*
|
/external/tensorflow/tensorflow/python/kernel_tests/nn_ops/ |
D | conv3d_transpose_test.py | 126 x_value = np.random.random_sample(x_shape).astype(np.float64) 129 x_value, f_value, y_shape, strides, data_format='NCDHW') 139 x_value = constant_op.constant( 144 x_value, f_value, constant_op.constant(y_shape, dtype=dtype),
|
/external/libavc/encoder/ |
D | irc_rd_model.c | 368 float x_value = 1.0, f_qp; in irc_find_qp_for_target_bits() local 373 x_value = (float)u4_target_res_bits in irc_find_qp_for_target_bits() 377 if(0 != x_value) in irc_find_qp_for_target_bits() 378 f_qp = u4_estimated_sad / x_value; in irc_find_qp_for_target_bits()
|
/external/tensorflow/tensorflow/core/kernels/ |
D | betainc_op.cc | 96 auto x_value = x.shaped<T, NDIM>(x_shaper.x_reshape()); \ in Compute() 99 BCast::ToIndexArray<NDIM>(b_shaper.x_bcast()), x_value, \ in Compute()
|
D | quantized_add_op.cc | 226 const int64 x_value = static_cast<int64_t>(x_data[i]); in VectorAddition() local 227 int64 x_in_output_range_64 = x_0_int64 + (x_value * x_mult_int32); in VectorAddition() 271 const int64_t x_value = static_cast<int64_t>(x_data[i]); in VectorAddition() local 272 int64_t x_in_output_range_64 = x_0_int64 + (x_value * x_mult_int32); in VectorAddition()
|
/external/tensorflow/tensorflow/compiler/xla/tests/ |
D | matrix_ops_simple_test.cc | 77 auto x_value = in XLA_TYPED_TEST() local 80 Add(x_value, half); in XLA_TYPED_TEST()
|
D | vector_ops_simple_test.cc | 345 auto x_value = in XLA_TEST_F() local 348 Add(x_value, half); in XLA_TEST_F()
|
D | local_client_execute_test.cc | 72 auto x_value = LiteralToShapedBuffer(LiteralUtil::CreateR0<float>(42.0f)); in XLA_TEST_F() local 74 ExecuteLocallyOrDie(builder.Build().ValueOrDie(), {&x_value}); in XLA_TEST_F()
|
/external/tensorflow/tensorflow/python/ops/ |
D | gradients_test.py | 514 def _GetFuncGradients(self, f, x_value, b_value): argument 515 x = constant_op.constant(x_value, name="x") 724 x_value = rng.randn(m, 1).astype("float32") 731 x = constant_op.constant(x_value) 749 x_value = rng.randn(m).astype("float32") 753 x = constant_op.constant(x_value) 770 xs = [constant_op.constant(x_value) for x_value in x_values] 796 x_value = rng.randn(m, m).astype("float32") 798 x = constant_op.constant(x_value) 816 x_value = rng.randn(m, n).astype("float32") [all …]
|
/external/webrtc/modules/audio_processing/aec3/ |
D | reverb_decay_estimator.cc | 333 float x_value = static_cast<float>(coefficients_counter_) + in Accumulate() local 337 x_value * value + (block_counter_ - last_section_index) * value_to_inc; in Accumulate()
|
/external/tensorflow/tensorflow/python/distribute/ |
D | collective_all_reduce_strategy_test.py | 232 x_value, reduced_x_value = sess.run([x, reduced_x]) 234 np.allclose(x_value, reduced_x_value, atol=1e-5), 235 msg=('x_value = %r, reduced_x_value = %r' % (x_value,
|
/external/tensorflow/tensorflow/python/eager/ |
D | forwardprop_test.py | 1049 x_value = rng.randn(m).astype("float32") 1057 _f, [constant_op.constant(x_value)], 1062 _f, [constant_op.constant(x_value)], 1067 _f, [constant_op.constant(x_value)],
|
/external/tensorflow/tensorflow/compiler/mlir/tosa/transforms/ |
D | legalize_common.h | 49 Value x_value, Value y_value);
|
D | legalize_common.cc | 407 Value x_value, Value y_value) { in convertSelectOp() argument 412 RankedTensorType x_type = x_value.getType().dyn_cast<RankedTensorType>(); in convertSelectOp() 425 condition_value, x_value, y_value) in convertSelectOp() 443 reshape_op, x_value, y_value) in convertSelectOp()
|
/external/tensorflow/tensorflow/python/kernel_tests/distributions/ |
D | util_test.py | 509 for x_value in (np.ones( 515 self._np_rotate_transpose(x_value, shift_value), 517 feed_dict={x: x_value,
|
/external/tensorflow/tensorflow/compiler/mlir/lite/transforms/ |
D | prepare_tf.cc | 1063 ::mlir::Value x_value = (*x.begin()); in matchAndRewrite() 1065 odsLoc, new_mean_type, x_value, reduce_dim_op, in matchAndRewrite()
|
/external/tensorflow/tensorflow/python/framework/ |
D | tensor_util_test.py | 824 x_value = indexed_slices.IndexedSlicesValue( 827 self.assertFalse(tensor_util.is_tf_type(x_value))
|