Home
last modified time | relevance | path

Searched refs:bias (Results 1 – 25 of 1241) sorted by relevance

12345678910>>...50

/external/openscreen/cast/streaming/
Dexpanded_value_base_unittest.cc58 for (int64_t bias = -5; bias <= 5; ++bias) { in TEST() local
60 const TestValue original_value(bias + i); in TEST()
62 const TestValue reference(bias); in TEST()
64 << "bias=" << bias << ", i=" << i; in TEST()
71 for (int64_t bias = -5; bias <= 5; ++bias) { in TEST() local
77 const TestValue original_value(bias + i); in TEST()
79 const TestValue reexpanded_value(bias + i - 256); in TEST()
81 const TestValue reference(bias); in TEST()
83 << "bias=" << bias << ", i=" << i; in TEST()
90 for (int64_t bias = -5; bias <= 5; ++bias) { in TEST() local
[all …]
/external/tensorflow/tensorflow/lite/delegates/gpu/gl/kernels/
Dtranspose_conv_test.cc40 Tensor<Linear, DataType::FLOAT32> bias; in TEST() local
41 bias.shape.v = 2; in TEST()
42 bias.id = 1; in TEST()
43 bias.data = {1, 1}; in TEST()
44 attr.bias = std::move(bias); in TEST()
79 Tensor<Linear, DataType::FLOAT32> bias; in TEST() local
80 bias.shape.v = 2; in TEST()
81 bias.id = 1; in TEST()
82 bias.data.push_back(0.0); in TEST()
83 attr.bias = std::move(bias); in TEST()
[all …]
Dconv_test.cc40 Tensor<Linear, DataType::FLOAT32> bias; in TEST() local
41 bias.shape.v = 2; in TEST()
42 bias.id = 1; in TEST()
43 bias.data = {1, 1}; in TEST()
44 attr.bias = std::move(bias); in TEST()
78 Tensor<Linear, DataType::FLOAT32> bias; in TEST() local
79 bias.shape.v = 2; in TEST()
80 bias.id = 1; in TEST()
81 bias.data.push_back(0.0); in TEST()
82 attr.bias = std::move(bias); in TEST()
[all …]
Ddepthwise_conv_test.cc40 Tensor<Linear, DataType::FLOAT32> bias; in TEST() local
41 bias.shape.v = 4; in TEST()
42 bias.id = 1; in TEST()
43 bias.data = {1, 2, 3, 4}; in TEST()
44 attr.bias = std::move(bias); in TEST()
78 Tensor<Linear, DataType::FLOAT32> bias; in TEST() local
79 bias.shape.v = 4; in TEST()
80 bias.id = 1; in TEST()
81 bias.data = {0, 0}; in TEST()
82 attr.bias = std::move(bias); in TEST()
[all …]
/external/arm-trusted-firmware/fdts/
Dstm32mp15-pinctrl.dtsi24 bias-disable;
30 bias-pull-up;
37 bias-disable;
49 bias-disable;
55 bias-pull-up;
67 bias-disable;
73 bias-pull-up;
94 bias-disable;
100 bias-disable;
111 bias-pull-up;
[all …]
/external/angle/third_party/vulkan-deps/glslang/src/Test/
Dspv.textureGatherBiasLod.frag16 in float bias;
27 texel += textureGather(s2D, c2, 0, bias);
28 texel += textureGather(s2DArray, c3, 1, bias);
29 texel += textureGather(sCube, c3, 2, bias);
30 texel += textureGather(sCubeArray, c4, 3, bias);
32 texel += textureGatherOffset(s2D, c2, offsets[0], 0, bias);
33 texel += textureGatherOffset(s2DArray, c3, offsets[1], 1, bias);
35 texel += textureGatherOffsets(s2D, c2, offsets, 0, bias);
36 texel += textureGatherOffsets(s2DArray, c3, offsets, 1, bias);
38 sparseTextureGatherARB(s2D, c2, result, 0, bias);
[all …]
Dspv.texture.frag20 float bias = 2.0;
29 color += texture (texSampler1D, coords1D, bias);
32 color += textureProj(texSampler1D, coords2D, bias);
33 color += textureProj(texSampler1D, coords4D, bias);
36 color += texture (texSampler2D, coords2D, bias);
38 color += textureProj (texSampler2D, coords4D, bias);
41 color += texture (texSampler3D, coords3D, bias);
43 color += textureProj (texSampler3D, coords4D, bias);
46 color += texture (texSamplerCube, coords3D, bias);
49 color += texture (shadowSampler1D, coords3D, bias);
[all …]
Dtexture.frag20 float bias = 2.0;
29 color += texture1D (texSampler1D, coords1D, bias);
32 color += texture1DProj(texSampler1D, coords2D, bias);
33 color += texture1DProj(texSampler1D, coords4D, bias);
36 color += texture2D (texSampler2D, coords2D, bias);
38 color += texture2DProj (texSampler2D, coords4D, bias);
41 color += texture3D (texSampler3D, coords3D, bias);
43 color += texture3DProj (texSampler3D, coords4D, bias);
46 color += textureCube (texSamplerCube, coords3D, bias);
49 color += shadow1D (shadowSampler1D, coords3D, bias);
[all …]
/external/deqp-deps/glslang/Test/
Dspv.textureGatherBiasLod.frag16 in float bias;
27 texel += textureGather(s2D, c2, 0, bias);
28 texel += textureGather(s2DArray, c3, 1, bias);
29 texel += textureGather(sCube, c3, 2, bias);
30 texel += textureGather(sCubeArray, c4, 3, bias);
32 texel += textureGatherOffset(s2D, c2, offsets[0], 0, bias);
33 texel += textureGatherOffset(s2DArray, c3, offsets[1], 1, bias);
35 texel += textureGatherOffsets(s2D, c2, offsets, 0, bias);
36 texel += textureGatherOffsets(s2DArray, c3, offsets, 1, bias);
38 sparseTextureGatherARB(s2D, c2, result, 0, bias);
[all …]
Dspv.texture.frag20 float bias = 2.0;
29 color += texture (texSampler1D, coords1D, bias);
32 color += textureProj(texSampler1D, coords2D, bias);
33 color += textureProj(texSampler1D, coords4D, bias);
36 color += texture (texSampler2D, coords2D, bias);
38 color += textureProj (texSampler2D, coords4D, bias);
41 color += texture (texSampler3D, coords3D, bias);
43 color += textureProj (texSampler3D, coords4D, bias);
46 color += texture (texSamplerCube, coords3D, bias);
49 color += texture (shadowSampler1D, coords3D, bias);
[all …]
Dtexture.frag20 float bias = 2.0;
29 color += texture1D (texSampler1D, coords1D, bias);
32 color += texture1DProj(texSampler1D, coords2D, bias);
33 color += texture1DProj(texSampler1D, coords4D, bias);
36 color += texture2D (texSampler2D, coords2D, bias);
38 color += texture2DProj (texSampler2D, coords4D, bias);
41 color += texture3D (texSampler3D, coords3D, bias);
43 color += texture3DProj (texSampler3D, coords4D, bias);
46 color += textureCube (texSamplerCube, coords3D, bias);
49 color += shadow1D (shadowSampler1D, coords3D, bias);
[all …]
/external/tensorflow/tensorflow/lite/micro/kernels/arc_mli/
Dscratch_buf_mgr.cc114 mli_tensor* bias, in get_arc_scratch_buffer_for_conv_tensors() argument
134 if (!inside_arc_ccm(bias->data)) { in get_arc_scratch_buffer_for_conv_tensors()
136 mli_hlp_count_elem_num(bias, 0) * mli_hlp_tensor_element_size(bias); in get_arc_scratch_buffer_for_conv_tensors()
137 bias->data = get_arc_scratch_buffer(bias_mem_requirements); in get_arc_scratch_buffer_for_conv_tensors()
138 bias->capacity = bias_mem_requirements; in get_arc_scratch_buffer_for_conv_tensors()
145 if (bias->data == NULL) { in get_arc_scratch_buffer_for_conv_tensors()
148 bias->data = get_arc_scratch_buffer(max_bias_size); in get_arc_scratch_buffer_for_conv_tensors()
149 bias->capacity = max_bias_size; in get_arc_scratch_buffer_for_conv_tensors()
152 if (bias->data == NULL) ret_val = kTfLiteError; in get_arc_scratch_buffer_for_conv_tensors()
160 mli_tensor* bias, mli_tensor* out) { in get_arc_scratch_buffer_for_fully_connect_tensors() argument
[all …]
/external/tensorflow/tensorflow/lite/delegates/gpu/common/transformations/
Dfuse_mul_to_conv_test.cc52 conv_attr.bias.shape = Linear(16); in TEST()
53 conv_attr.bias.data.resize(16); in TEST()
109 conv_attr.bias.shape = Linear(16); in TEST()
110 conv_attr.bias.data.resize(16); in TEST()
146 attr.bias.shape = Linear(2); in TEST()
147 attr.bias.data = {1.5f, 2.5f}; in TEST()
160 EXPECT_THAT(attr.bias.data, Pointwise(FloatNear(1e-6), {0.75f, 5.0f})); in TEST()
167 attr.bias.shape = Linear(4); in TEST()
168 attr.bias.data = {1.5f, 2.5f, 1.0f, 2.0f}; in TEST()
181 EXPECT_THAT(attr.bias.data, in TEST()
[all …]
Dfuse_add_to_conv_test.cc52 conv_attr.bias.shape = Linear(16); in TEST()
53 conv_attr.bias.data.resize(16); in TEST()
95 attr.bias.shape = Linear(2); in TEST()
96 attr.bias.data = {1.1f, 1.2f}; in TEST()
109 EXPECT_THAT(attr.bias.data, Pointwise(FloatNear(1e-6), {1.4f, 1.9f})); in TEST()
116 attr.bias.shape = Linear(4); in TEST()
117 attr.bias.data = {1.1f, 1.2f, 1.3f, 1.4f}; in TEST()
130 EXPECT_THAT(attr.bias.data, in TEST()
138 attr.bias.shape = Linear(2); in TEST()
139 attr.bias.data = {1.1f, 1.2f}; in TEST()
[all …]
/external/tensorflow/tensorflow/lite/kernels/
Dfully_connected.cc131 const TfLiteTensor* bias, TfLiteTensor* output, in CheckTypes() argument
141 const bool is_optional_bias_float = !bias || (bias->type == kTfLiteFloat32); in CheckTypes()
143 !bias || (bias->type == kTfLiteInt32) || (bias->type == kTfLiteInt64); in CheckTypes()
206 const TfLiteTensor* bias = in PrepareImpl() local
216 CheckTypes(context, input, filter, bias, output, params)); in PrepareImpl()
229 if (bias) { in PrepareImpl()
230 TF_LITE_ENSURE_EQ(context, NumElements(bias), SizeOfDimension(filter, 0)); in PrepareImpl()
239 context, input, filter, bias, output, &real_multiplier)); in PrepareImpl()
402 const TfLiteTensor* bias, TfLiteTensor* output) { in EvalPie() argument
413 if (bias) { in EvalPie()
[all …]
Ddepthwise_conv.cc109 const TfLiteTensor* bias = nullptr; in Prepare() local
142 TF_LITE_ENSURE_OK(context, GetInputSafe(context, node, kBiasTensor, &bias)); in Prepare()
144 TF_LITE_ENSURE_TYPES_EQ(context, bias->type, kTfLiteInt32); in Prepare()
145 TF_LITE_ENSURE_EQ(context, bias->params.zero_point, 0); in Prepare()
147 TF_LITE_ENSURE_TYPES_EQ(context, bias->type, kTfLiteInt64); in Prepare()
148 TF_LITE_ENSURE_EQ(context, bias->params.zero_point, 0); in Prepare()
150 TF_LITE_ENSURE_TYPES_EQ(context, bias->type, data_type); in Prepare()
152 TF_LITE_ENSURE_EQ(context, NumDimensions(bias), 1); in Prepare()
154 SizeOfDimension(bias, 0)); in Prepare()
190 context, input, filter, bias, output, params->activation, in Prepare()
[all …]
/external/deqp/modules/gles3/accuracy/
Des3aVaryingInterpolationTests.cpp66 …rfaceAccess& dst, const float coords[4*3], const Vec4& wCoord, const Vec3& scale, const Vec3& bias) in renderReference() argument
89 … float r = projectedTriInterpolate(triR[triNdx], triW[triNdx], triNx, triNy) * scale[0] + bias[0]; in renderReference()
90 … float g = projectedTriInterpolate(triG[triNdx], triW[triNdx], triNx, triNy) * scale[1] + bias[1]; in renderReference()
91 … float b = projectedTriInterpolate(triB[triNdx], triW[triNdx], triNx, triNy) * scale[2] + bias[2]; in renderReference()
219 tcu::Vec3 bias = -1.0f*m_min*scale; in iterate() local
222 (0.0f - bias[0])/scale[0], (0.5f - bias[1])/scale[1], (1.0f - bias[2])/scale[2], in iterate()
223 (0.5f - bias[0])/scale[0], (1.0f - bias[1])/scale[1], (0.5f - bias[2])/scale[2], in iterate()
224 (0.5f - bias[0])/scale[0], (0.0f - bias[1])/scale[1], (0.5f - bias[2])/scale[2], in iterate()
225 (1.0f - bias[0])/scale[0], (0.5f - bias[1])/scale[1], (0.0f - bias[2])/scale[2] in iterate()
228 …g::Message << "a_coords = " << ((tcu::Vec3(0.0f) - bias)/scale) << " -> " << ((tcu::Vec3(1.0f) - b… in iterate()
[all …]
/external/deqp/modules/gles2/accuracy/
Des2aVaryingInterpolationTests.cpp64 …rfaceAccess& dst, const float coords[4*3], const Vec4& wCoord, const Vec3& scale, const Vec3& bias) in renderReference() argument
87 … float r = projectedTriInterpolate(triR[triNdx], triW[triNdx], triNx, triNy) * scale[0] + bias[0]; in renderReference()
88 … float g = projectedTriInterpolate(triG[triNdx], triW[triNdx], triNx, triNy) * scale[1] + bias[1]; in renderReference()
89 … float b = projectedTriInterpolate(triB[triNdx], triW[triNdx], triNx, triNy) * scale[2] + bias[2]; in renderReference()
213 tcu::Vec3 bias = -1.0f*m_min*scale; in iterate() local
216 (0.0f - bias[0])/scale[0], (0.5f - bias[1])/scale[1], (1.0f - bias[2])/scale[2], in iterate()
217 (0.5f - bias[0])/scale[0], (1.0f - bias[1])/scale[1], (0.5f - bias[2])/scale[2], in iterate()
218 (0.5f - bias[0])/scale[0], (0.0f - bias[1])/scale[1], (0.5f - bias[2])/scale[2], in iterate()
219 (1.0f - bias[0])/scale[0], (0.5f - bias[1])/scale[1], (0.0f - bias[2])/scale[2] in iterate()
222 …g::Message << "a_coords = " << ((tcu::Vec3(0.0f) - bias)/scale) << " -> " << ((tcu::Vec3(1.0f) - b… in iterate()
[all …]
/external/tensorflow/tensorflow/compiler/mlir/tfr/examples/mnist/
Dmnist_ops_test.py39 bias = tf.zeros([8])
43 'bias': bias,
52 self._assertOpAndComposite([input_, filter_, bias],
59 bias = tf.zeros([8])
63 'bias': bias,
72 self._assertOpAndComposite([input_, filter_, bias],
80 bias = tf.zeros([8])
84 'bias': bias,
93 self._assertOpAndComposite([input_, filter_, bias],
100 bias = tf.zeros([3])
[all …]
/external/llvm-project/llvm/test/CodeGen/AArch64/
Dsub-of-bias.ll22 %bias = and i32 %ptr, %mask
23 %r = sub i32 %ptr, %bias
31 %bias = and i64 %ptr, %mask
32 %r = sub i64 %ptr, %bias
41 %bias = and i32 %mask, %ptr ; swapped
42 %r = sub i32 %ptr, %bias
55 %bias = and i32 %ptr, %mask ; has extra uses, can't fold
56 store i32 %bias, i32* %bias_storage
57 %r = sub i32 %ptr, %bias
69 %bias = and i32 %ptr1, %mask ; not %ptr0
[all …]
Dalign-down.ll24 %bias = and i32 %ptr, %mask
25 %r = sub i32 %ptr, %bias
35 %bias = and i64 %ptr, %mask
36 %r = sub i64 %ptr, %bias
47 %bias = and i32 %mask, %ptr ; swapped
48 %r = sub i32 %ptr, %bias
64 %bias = and i32 %ptr, %mask
65 %r = sub i32 %ptr, %bias
77 %bias = and i32 %ptr, %mask ; has extra uses, can't fold
78 store i32 %bias, i32* %bias_storage
[all …]
/external/elfutils/libdwfl/
Ddwfl_report_elf.c63 GElf_Addr start = 0, end = 0, bias = 0; in __libdwfl_elf_address_range() local
90 || (bias == 0 && end > start && end != next)) in __libdwfl_elf_address_range()
143 if (first || bias > shdr->sh_addr) in __libdwfl_elf_address_range()
145 bias = shdr->sh_addr; in __libdwfl_elf_address_range()
147 if ((shdr->sh_addr - bias + base) & (align - 1)) in __libdwfl_elf_address_range()
152 + (bias & (align - 1))); in __libdwfl_elf_address_range()
159 if (bias != 0) in __libdwfl_elf_address_range()
165 end = end - bias + start; in __libdwfl_elf_address_range()
166 bias = start - bias; in __libdwfl_elf_address_range()
198 bias = base; in __libdwfl_elf_address_range()
[all …]
/external/libaom/libaom/test/
Dcnn_test.cc115 float *bias) { in AssignLayerWeightsBiases() argument
121 layer_config->bias = bias + bias_offset; in AssignLayerWeightsBiases()
128 ASSERT_NE(layer_config->bias, nullptr); in AssignLayerWeightsBiases()
177 float bias[] = { in TEST_F() local
311 AssignLayerWeightsBiases(&cnn_config, weights, bias); in TEST_F()
362 float bias[] = { -3 }; in TEST_F() local
378 bias, in TEST_F()
412 float bias[] = { 2 }; in TEST_F() local
429 bias, in TEST_F()
526 float bias[] = { in TEST_F() local
[all …]
/external/python/cpython2/Lib/encodings/
Dpunycode.py72 def T(j, bias): argument
74 res = 36 * (j + 1) - bias
80 def generate_generalized_integer(N, bias): argument
85 t = T(j, bias)
104 bias = divisions + (36 * delta // (delta + 38))
105 return bias
112 bias = 72
114 s = generate_generalized_integer(delta, bias)
116 bias = adapt(delta, points==0, baselen+points+1)
130 def decode_generalized_number(extended, extpos, bias, errors): argument
[all …]
/external/libtextclassifier/native/lang_id/common/flatbuffers/
Dembedding-network-params-from-flatbuffer.h115 const saft_fbs::Matrix *bias = SafeGetLayerBias(i); in hidden_bias_num_rows() local
116 return SafeGetNumRows(bias); in hidden_bias_num_rows()
120 const saft_fbs::Matrix *bias = SafeGetLayerBias(i); in hidden_bias_num_cols() local
121 return SafeGetNumCols(bias); in hidden_bias_num_cols()
125 const saft_fbs::Matrix *bias = SafeGetLayerBias(i); in hidden_bias_weights() local
126 return SafeGetValues(bias); in hidden_bias_weights()
154 const saft_fbs::Matrix *bias = SafeGetSoftmaxBias(); in softmax_bias_num_rows() local
155 return SafeGetNumRows(bias); in softmax_bias_num_rows()
159 const saft_fbs::Matrix *bias = SafeGetSoftmaxBias(); in softmax_bias_num_cols() local
160 return SafeGetNumCols(bias); in softmax_bias_num_cols()
[all …]

12345678910>>...50