HomeSort by relevance Sort by last modified time
    Searched defs:bias (Results 51 - 75 of 213) sorted by null

1 23 4 5 6 7 8 9

  /external/icu/icu4c/source/test/intltest/
punyref.cpp 108 /*** Bias adaptation function ***/
135 punycode_uint n, delta, h, b, out, max_out, bias, j, m, q, k, t; local
142 bias = initial_bias;
194 t = k <= bias /* + tmin */ ? tmin : /* +tmin not needed */
195 k >= bias + tmax ? tmax : k - bias;
202 bias = adapt(delta, h + 1, h == b);
224 punycode_uint n, out, i, max_out, bias, local
232 bias = initial_bias;
266 t = k <= bias /* + tmin */ ? tmin : /* +tmin not needed *
    [all...]
  /external/libaom/libaom/test/
av1_nn_predict_test.cc 38 // Allocate two massive buffers on the heap for edge weights and node bias
49 bias[i] = &bias_buf[i * NN_MAX_NODES_PER_LAYER];
68 float *bias[NN_MAX_HIDDEN_LAYERS + 1] = { 0 }; member in class:__anon26713::NnPredictTest
92 nn_config.bias[i] = bias[i];
101 bias[layer][node] = ((float)rng_.Rand31() - (1 << 30)) / (1u << 31);
111 bias[layer][node] = ((float)rng_.Rand31() - (1 << 30)) / (1u << 31);
150 nn_config.bias[i] = bias[i];
152 // Don't bother actually changing the values for inputs/weights/bias: i
    [all...]
  /external/mesa3d/src/compiler/nir/
nir_lower_drawpixels.c 38 nir_variable *texcoord, *scale, *bias; member in struct:__anon33135
96 if (state->bias == NULL) {
97 state->bias = create_uniform(state->shader, "gl_PTbias",
100 return nir_load_var(&state->b, state->bias);
106 if (state->bias == NULL) {
107 state->bias = create_uniform(state->shader, "gl_MultiTexCoord0",
110 return nir_load_var(&state->b, state->bias);
146 /* Apply the scale and bias. */
148 /* MAD def, def, scale, bias; */
  /external/mesa3d/src/gallium/auxiliary/draw/
draw_pipe_offset.c 98 float bias; local
109 bias = offset->units * maxz.f;
110 zoffset = bias + mult;
183 * If depth is floating point, depth bias is calculated with respect
184 * to the primitive's maximum Z value. Retain the original depth bias
  /external/mesa3d/src/gallium/drivers/svga/
svga_state_rss.c 242 float bias = 0.0; local
244 /* Need to modify depth bias according to bound depthbuffer
252 bias = svga->curr.depthscale * curr->depthbias;
256 EMIT_RS_FLOAT(svga, bias, DEPTHBIAS);
svga_swtnl_backend.c 287 unsigned bias = (svga_render->vbuf_offset - svga_render->vdecl_offset) local
305 ret = svga_hwtnl_draw_arrays(svga->hwtnl, svga_render->prim, start + bias,
310 start + bias, nr,
327 int bias = (svga_render->vbuf_offset - svga_render->vdecl_offset) local
368 bias,
380 bias,
  /external/mesa3d/src/mesa/main/
pixeltransfer.c 29 * Pixel transfer operations (scale, bias, table lookups, etc)
42 * Apply scale and bias factors to an array of RGBA pixels.
135 const GLfloat bias = ctx->Pixel.DepthBias; local
138 GLfloat d = depthValues[i] * scale + bias;
150 const GLdouble bias = ctx->Pixel.DepthBias * max; local
153 GLdouble d = (GLdouble) depthValues[i] * scale + bias;
167 /* scale & bias */
  /external/python/cpython2/Lib/
profile.py 150 bias = 0 # calibration constant variable in class:Profile
152 def __init__(self, timer=None, bias=None):
158 if bias is None:
159 bias = self.bias
160 self.bias = bias # Materialize in local dict for lookup speed.
206 t = t[0] + t[1] - self.t - self.bias
223 t = timer() - self.t - self.bias
238 t = timer()/60.0 - self.t - self.bias
    [all...]
  /external/python/cpython3/Lib/
profile.py 141 bias = 0 # calibration constant variable in class:Profile
143 def __init__(self, timer=None, bias=None):
149 if bias is None:
150 bias = self.bias
151 self.bias = bias # Materialize in local dict for lookup speed.
185 t = t[0] + t[1] - self.t - self.bias
202 t = timer() - self.t - self.bias
217 t = timer()/60.0 - self.t - self.bias
    [all...]
  /external/skia/src/shaders/gradients/
Sk4fGradientBase.cpp 134 const Sk4f bias = c0 - (SkScalarIsFinite(t0) ? t0 * dc : 0); local
136 bias.store(fCb.vec());
SkTwoPointConicalGradient.cpp 196 auto bias = -fRadius1 / dRadius; local
198 p->append_matrix(alloc, SkMatrix::Concat(SkMatrix::MakeTrans(bias, 0),
  /external/skqp/src/shaders/gradients/
Sk4fGradientBase.cpp 134 const Sk4f bias = c0 - (SkScalarIsFinite(t0) ? t0 * dc : 0); local
136 bias.store(fCb.vec());
SkTwoPointConicalGradient.cpp 196 auto bias = -fRadius1 / dRadius; local
198 p->append_matrix(alloc, SkMatrix::Concat(SkMatrix::MakeTrans(bias, 0),
  /external/tensorflow/tensorflow/compiler/xla/service/gpu/
cudnn_fused_conv_rewriter.cc 30 // max(0, alpha1 * conv(x, w) + alpha2 * side_input + broadcast(bias));
31 // Where side_input has the shape of output buffer, and bias is a 1D array with
36 HloInstruction* bias; member in struct:xla::gpu::__anon44397::ConvWithRelu
54 // max(0, alpha1 * conv(x, w) + alpha2 * side_input + broadcast(bias));
57 // max, and omission of alpha1, side_input, alpha2, or bias.
71 HloInstruction* bias = nullptr; local
79 const auto bias_pattern = Broadcast(&bias_broadcast_instr, Op(&bias));
89 // If bias is already matched, match arbitrary additional input as side
107 // Then try to match each addend with one of the three patterns: bias, conv,
109 // also matches a conv or a bias
205 auto bias = match.bias; local
    [all...]
  /external/tensorflow/tensorflow/core/grappler/costs/
analytical_cost_estimator_test.cc 69 auto bias = ops::Add(s.WithOpName("bias"), conv, b); local
70 auto relu = ops::Relu(s.WithOpName("relu"), bias);
  /external/tensorflow/tensorflow/core/kernels/
lrn_op_test.cc 61 const float bias = GetFloatAttr("bias"); local
78 denom = std::pow(denom * alpha + bias, beta);
99 .Attr("bias", 1.0f)
135 .Attr("bias", 1.0f)
173 #define TCASE(NAME, DEPTH, BATCH, DEPTH_RADIUS, BIAS, ALPHA, BETA) \
178 .Attr("bias", (BIAS)) \
190 // DEPTH BATCH DEPTH_RADIUS BIAS ALPHA BETA
  /external/tensorflow/tensorflow/lite/experimental/micro/kernels/
fully_connected.cc 52 const TfLiteTensor* bias, TfLiteTensor* output,
58 context, input, filter, bias, output, &real_multiplier));
84 const TfLiteTensor* filter, const TfLiteTensor* bias,
104 GetTensorShape(bias), GetTensorData<int32_t>(bias), \
127 const TfLiteTensor* bias, TfLiteTensor* output) {
137 GetTensorShape(bias), GetTensorData<float>(bias), GetTensorShape(output),
148 const TfLiteTensor* bias = GetOptionalInputTensor(context, node, kBiasTensor); local
155 filter, bias, output, data))
    [all...]
  /external/tensorflow/tensorflow/lite/kernels/
conv_test.cc 43 // TODO(ahentz): Also test different activation types, bias, padding types,
58 // This is a quantized version. The scale of 'bias' depends on the scales
73 TensorData bias{TensorType_INT32,
83 bias_ = AddInput(bias);
87 TensorData bias{TensorType_INT32, {bias_size}, 0, 0, bias_scale};
88 bias_ = AddInput(bias);
342 // No bias for this test.
408 // Bias is | 10 |.
463 // Bias is | -200 |.
518 // No bias for this test
679 std::initializer_list<float> bias = {1, 2, 3}; local
    [all...]
depthwise_conv_test.cc 41 // TODO(ahentz): Also test different activation types, bias, padding types,
56 // This is a quantized version. The scale of 'bias' depends on the scales
71 TensorData bias{TensorType_INT32,
81 bias_ = AddInput(bias);
85 TensorData bias{TensorType_INT32, {bias_size}, 0, 0, bias_scale};
86 bias_ = AddInput(bias);
214 // No bias for this test.
250 // No bias for this test.
350 std::initializer_list<float> bias = {1, 2, 3, 4}; local
354 quant_op.SetBias(bias);
    [all...]
kernel_util_test.cc 191 // Create bias.
192 TfLiteTensor bias; local
193 bias.type = kTfLiteInt32;
194 bias.allocation_type = kTfLiteArenaRw;
195 bias.dims = TfLiteIntArrayCreate(4);
197 bias.params = bias_quant;
198 bias.quantization.type = kTfLiteAffineQuantization;
209 bias.quantization.params = reinterpret_cast<void*>(bias_params);
240 &context, &input, &filter, &bias, &output, kTfLiteActRelu,
250 TfLiteTensorFree(&bias);
301 TfLiteTensor bias; local
    [all...]
  /external/tensorflow/tensorflow/lite/toco/graph_transformations/
fuse_binary_into_following_affine.cc 43 LOG(FATAL) << "Missing bias parameter";
46 auto& bias = model->GetArray(following_op->inputs[2]); local
47 bias.minmax = nullptr;
71 const Shape& bias_shape = bias.shape();
74 auto& bias_buffer = bias.GetMutableBuffer<ArrayDataType::kFloat>();
80 // TODO(b/62904716): Bias array should become 1-D when padding removed.
170 // bias)
247 "Not fusing %s because the following %s does not have a bias vector",
253 const auto& bias = model->GetArray(following_op->inputs[2]); local
254 if (!weights.buffer || !bias.buffer)
    [all...]
fuse_binary_into_preceding_affine.cc 37 LOG(FATAL) << "Missing bias parameter";
39 auto& bias = model->GetArray(preceding_op->inputs[2]); local
40 bias.minmax = nullptr;
44 const Shape& bias_shape = bias.shape();
46 auto& bias_buffer = bias.GetMutableBuffer<ArrayDataType::kFloat>();
51 // TODO(b/62904716): Bias array should become 1-D when padding removed.
101 LOG(FATAL) << "Missing bias parameter";
107 auto& bias = model->GetArray(bias_name); local
113 const Shape& bias_shape = bias.shape();
117 auto& bias_buffer = bias.GetMutableBuffer<ArrayDataType::kFloat>()
283 const auto& bias = model->GetArray(bias_name); local
    [all...]
  /device/google/contexthub/firmware/os/algos/calibration/accelerometer/
accel_cal.c 44 #define ACCEL_NEW_BIAS_THRESHOLD (0.0f) // Bias update detection threshold.
415 // Updating the new bias and save to pointers. Return true if the bias changed.
421 // Check to see if the bias changed since last call to accelCalUpdateBias.
436 // Set the (initial) bias.
443 // Removing the bias.
497 struct Vec3 bias; local
501 kasaFit(&acc->ac1[temp_gate].akf, &bias, &radius, G_NORM_MAX,
505 if (fabsf(bias.x) < MAX_OFF && fabsf(bias.y) < MAX_OFF &
    [all...]
  /device/google/contexthub/firmware/os/inc/
halIntf.h 68 float bias[3]; // in uT member in struct:MagCalBias
82 float bias[3]; member in struct:MagSphericalData
  /device/google/contexthub/util/nanotool/
apptohostevent.h 120 int32_t bias; member in struct:android::SingleAxisCalibrationResult

Completed in 2799 milliseconds

1 23 4 5 6 7 8 9