/external/XNNPACK/test/ |
D | prelu-microkernel-tester.h | 121 const float x_value = fp16_ieee_to_fp32_value(x_data[n * input_stride() + c]); in Test() local 122 y_ref[n * channels() + c] = std::signbit(x_value) ? in Test() 123 …fp16_ieee_to_fp32_value(fp16_ieee_from_fp32_value(x_value * fp16_ieee_to_fp32_value(w[c]))) : x_va… in Test() 167 const float x_value = x_data[n * input_stride() + c]; in Test() local 168 y_ref[n * channels() + c] = std::signbit(x_value) ? x_value * w[c] : x_value; in Test()
|
/external/tensorflow/tensorflow/lite/micro/examples/hello_world/disco_f746ng/ |
D | output_handler.cc | 40 void HandleOutput(tflite::ErrorReporter* error_reporter, float x_value, in HandleOutput() argument 58 TF_LITE_REPORT_ERROR(error_reporter, "x_value: %f, y_value: %f\n", x_value, in HandleOutput() 66 int x_pos = dot_radius + static_cast<int>(x_value * x_increment); in HandleOutput()
|
/external/tensorflow/tensorflow/lite/micro/examples/hello_world/ |
D | output_handler.cc | 18 void HandleOutput(tflite::ErrorReporter* error_reporter, float x_value, in HandleOutput() argument 22 static_cast<double>(x_value), in HandleOutput()
|
D | output_handler.h | 23 void HandleOutput(tflite::ErrorReporter* error_reporter, float x_value,
|
/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/tensorflow/tensorflow/lite/micro/examples/hello_world/sparkfun_edge/ |
D | output_handler.cc | 37 void HandleOutput(tflite::ErrorReporter* error_reporter, float x_value, in HandleOutput() argument 79 static_cast<double>(x_value), in HandleOutput()
|
/external/llvm-project/lldb/test/API/functionalities/var_path/ |
D | TestVarPath.py | 25 def verify_point(self, frame, var_name, var_typename, x_value, y_value): argument 46 …self.assertEquals(v.GetValue(), str(x_value), "Make sure '%s' has a value of %i" % (valid_x_path, …
|
/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/llvm-project/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/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/tensorflow/tensorflow/python/kernel_tests/ |
D | conv3d_transpose_test.py | 131 x_value = np.random.random_sample(x_shape).astype(np.float64) 134 x_value, f_value, y_shape, strides, data_format='NCDHW') 144 x_value = constant_op.constant( 149 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/lite/micro/examples/hello_world/arduino/ |
D | output_handler.cc | 28 void HandleOutput(tflite::ErrorReporter* error_reporter, float x_value, in HandleOutput() argument
|
/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 | 225 const int64 x_value = static_cast<int64>(x_data[i]); in VectorAddition() local 226 int64 x_in_output_range_64 = x_0_int64 + (x_value * x_mult_int32); in VectorAddition() 270 const int64 x_value = static_cast<int64>(x_data[i]); in VectorAddition() local 271 int64 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 | 79 auto x_value = in XLA_TYPED_TEST() local 82 Add(x_value, half); in XLA_TYPED_TEST()
|
D | vector_ops_simple_test.cc | 339 auto x_value = in XLA_TEST_F() local 342 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 | 515 def _GetFuncGradients(self, f, x_value, b_value): argument 516 x = constant_op.constant(x_value, name="x") 725 x_value = rng.randn(m, 1).astype("float32") 732 x = constant_op.constant(x_value) 750 x_value = rng.randn(m).astype("float32") 754 x = constant_op.constant(x_value) 771 xs = [constant_op.constant(x_value) for x_value in x_values] 797 x_value = rng.randn(m, m).astype("float32") 799 x = constant_op.constant(x_value) 817 x_value = rng.randn(m, n).astype("float32") [all …]
|
/external/webrtc/modules/audio_processing/aec3/ |
D | reverb_decay_estimator.cc | 332 float x_value = static_cast<float>(coefficients_counter_) + in Accumulate() local 336 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 | 207 x_value, reduced_x_value = sess.run([x, reduced_x]) 209 np.allclose(x_value, reduced_x_value, atol=1e-5), 210 msg=('x_value = %r, reduced_x_value = %r' % (x_value,
|
/external/tensorflow/tensorflow/python/eager/ |
D | forwardprop_test.py | 1005 x_value = rng.randn(m).astype("float32") 1013 _f, [constant_op.constant(x_value)], 1018 _f, [constant_op.constant(x_value)], 1023 _f, [constant_op.constant(x_value)],
|
/external/tensorflow/tensorflow/compiler/mlir/tosa/transforms/ |
D | legalize_common.h | 48 Value x_value, Value y_value);
|
/external/tensorflow/tensorflow/python/kernel_tests/distributions/ |
D | util_test.py | 513 for x_value in (np.ones( 519 self._np_rotate_transpose(x_value, shift_value), 521 feed_dict={x: x_value,
|