/external/deqp-deps/glslang/Test/ |
D | spv.textureGatherBiasLod.frag | 16 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 …]
|
D | texture.frag | 20 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 …]
|
D | spv.texture.frag | 20 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 …]
|
/external/deqp/modules/gles3/accuracy/ |
D | es3aVaryingInterpolationTests.cpp | 66 …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/ |
D | es2aVaryingInterpolationTests.cpp | 64 …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/lite/kernels/ |
D | fully_connected.cc | 98 const TfLiteTensor* bias = GetOptionalInputTensor(context, node, kBiasTensor); in Prepare() local 113 if (bias) { in Prepare() 114 TF_LITE_ENSURE_EQ(context, NumElements(bias), SizeOfDimension(filter, 0)); in Prepare() 123 context, input, filter, bias, output, &real_multiplier)); in Prepare() 176 const TfLiteTensor* bias, TfLiteTensor* output) { in EvalPie() argument 187 if (bias) { in EvalPie() 188 tensor_utils::VectorBatchVectorAssign(bias->data.f, num_units, batch_size, in EvalPie() 209 const TfLiteTensor* bias, TfLiteTensor* input_quantized, in EvalHybrid() argument 215 if (bias) { in EvalHybrid() 216 TF_LITE_ENSURE_EQ(context, bias->type, kTfLiteFloat32); in EvalHybrid() [all …]
|
D | depthwise_conv.cc | 92 const TfLiteTensor* bias = nullptr; in Prepare() local 114 bias = GetInput(context, node, kBiasTensor); in Prepare() 116 TF_LITE_ENSURE_EQ(context, bias->type, kTfLiteInt32); in Prepare() 117 TF_LITE_ENSURE_EQ(context, bias->params.zero_point, 0); in Prepare() 119 TF_LITE_ENSURE_EQ(context, bias->type, data_type); in Prepare() 121 TF_LITE_ENSURE_EQ(context, NumDimensions(bias), 1); in Prepare() 123 SizeOfDimension(bias, 0)); in Prepare() 173 context, input, filter, bias, output, params->activation, in Prepare() 192 const TfLiteTensor* bias, TfLiteTensor* output) { in EvalFloat() argument 220 GetTensorShape(bias), GetTensorData<float>(bias), in EvalFloat() [all …]
|
D | kernel_util_test.cc | 192 TfLiteTensor bias; in TEST_F() local 193 bias.type = kTfLiteInt32; in TEST_F() 194 bias.allocation_type = kTfLiteArenaRw; in TEST_F() 195 bias.dims = TfLiteIntArrayCreate(4); in TEST_F() 197 bias.params = bias_quant; in TEST_F() 198 bias.quantization.type = kTfLiteAffineQuantization; in TEST_F() 209 bias.quantization.params = reinterpret_cast<void*>(bias_params); in TEST_F() 240 &context, &input, &filter, &bias, &output, kTfLiteActRelu, in TEST_F() 250 TfLiteTensorFree(&bias); in TEST_F() 301 TfLiteTensor bias; in TEST_F() local [all …]
|
D | conv.cc | 240 TfLiteTensor* bias = nullptr; in Prepare() local 247 bias = &context->tensors[node->inputs->data[2]]; in Prepare() 249 TF_LITE_ENSURE_EQ(context, bias->type, kTfLiteInt32); in Prepare() 250 TF_LITE_ENSURE_EQ(context, bias->params.zero_point, 0); in Prepare() 252 TF_LITE_ENSURE_EQ(context, bias->type, input_type); in Prepare() 254 TF_LITE_ENSURE_EQ(context, NumElements(bias), SizeOfDimension(filter, 0)); in Prepare() 320 context, input, filter, bias, output, params->activation, in Prepare() 422 TfLiteTensor* filter, TfLiteTensor* bias, in EvalQuantized() argument 463 GetTensorShape(bias), GetTensorData<int32_t>(bias), in EvalQuantized() 490 GetTensorShape(bias), GetTensorData<int32_t>(bias), in EvalQuantized() [all …]
|
/external/elfutils/libdwfl/ |
D | dwfl_report_elf.c | 63 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/tensorflow/tensorflow/python/kernel_tests/ |
D | bias_op_test.py | 36 def _npBias(self, inputs, bias): argument 37 assert len(bias.shape) == 1 38 assert inputs.shape[-1] == bias.shape[0] 39 return inputs + bias.reshape(([1] * (len(inputs.shape) - 1)) + 40 [bias.shape[0]]) 141 def _testGradient(self, np_input, bias, dtype, data_format, use_gpu): argument 147 bias_tensor = constant_op.constant(bias, shape=bias.shape, dtype=dtype) 153 bias_tensor, bias.shape, output_tensor, np_input.shape) 159 output_tensor, np_input.shape, bias_add_grad, bias.shape) 170 bias, shape=bias.shape, dtype=np.float32) [all …]
|
D | lrn_op_test.py | 38 def _LRN(self, input_image, lrn_depth_radius=5, bias=1.0, alpha=1.0, argument 54 np.power(bias + alpha * np.sum(patch * patch), beta)) 68 bias = 1.0 + np.random.rand() 76 bias=bias, 84 bias=bias, 88 print("LRN error for bias ", bias, "alpha ", alpha, " beta ", beta, " is ", 127 bias = 1.0 + np.random.rand() 142 bias=bias, 146 print("LRN Gradient error for bias ", bias, "alpha ", alpha, " beta ", beta,
|
/external/python/cpython2/Lib/encodings/ |
D | punycode.py | 72 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/u-boot/arch/arm/dts/ |
D | at91-sama5d2_xplained.dts | 142 bias-disable; 150 bias-disable; 155 bias-disable; 177 bias-disable; 182 bias-disable; 196 bias-disable; 206 bias-disable; 219 bias-pull-up; 228 bias-disable; 238 bias-pull-up; [all …]
|
D | zynq-zc702.dts | 214 bias-high-impedance; 219 bias-disable; 237 bias-high-impedance; 243 bias-disable; 256 bias-disable; 278 bias-pull-up; 283 bias-disable; 295 bias-pull-up; 324 bias-disable; 334 bias-high-impedance; [all …]
|
D | zynq-zc706.dts | 159 bias-high-impedance; 166 bias-disable; 178 bias-disable; 196 bias-pull-up; 201 bias-disable; 213 bias-pull-up; 229 bias-disable; 239 bias-high-impedance; 240 bias-pull-up; 252 bias-high-impedance; [all …]
|
/external/libtextclassifier/lang_id/common/flatbuffers/ |
D | embedding-network-params-from-flatbuffer.h | 115 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 …]
|
D | embedding-network-params-from-flatbuffer.cc | 136 const EmbeddingNetworkParams::Matrix &bias) { in GoodLayerGeometry() argument 141 if ((bias.rows != 1) && (bias.cols != 1)) { in GoodLayerGeometry() 142 SAFTM_LOG(ERROR) << "bad bias vector geometry: " << bias.rows << " x " in GoodLayerGeometry() 143 << bias.cols; in GoodLayerGeometry() 146 int bias_dimension = bias.rows * bias.cols; in GoodLayerGeometry() 225 Matrix bias = GetHiddenLayerBias(i); in ValidityChecking() local 226 if (!VerifyMatrix(bias, bytes)) { in ValidityChecking() 230 if (!GoodLayerGeometry(current_size, weights, bias)) { in ValidityChecking() 243 Matrix bias = GetSoftmaxBias(); in ValidityChecking() local 244 if (!VerifyMatrix(bias, bytes)) { in ValidityChecking() [all …]
|
/external/tensorflow/tensorflow/python/keras/layers/ |
D | recurrent_v2.py | 284 bias=self.cell.bias, 292 bias=self.cell.bias, 309 bias=self.cell.bias, 316 self.cell.bias, self.time_major) 321 def standard_gru(inputs, init_h, kernel, recurrent_kernel, bias, activation, argument 356 input_bias, recurrent_bias = array_ops.unstack(bias) 392 def cudnn_gru(inputs, init_h, kernel, recurrent_kernel, bias, time_major): argument 402 bias = array_ops.split(K.flatten(bias), 6) 411 bias[0], bias[1] = bias[1], bias[0] 412 bias[3], bias[4] = bias[4], bias[3] [all …]
|
/external/python/cpython3/Lib/encodings/ |
D | punycode.py | 70 def T(j, bias): argument 72 res = 36 * (j + 1) - bias 78 def generate_generalized_integer(N, bias): argument 83 t = T(j, bias) 102 bias = divisions + (36 * delta // (delta + 38)) 103 return bias 110 bias = 72 112 s = generate_generalized_integer(delta, bias) 114 bias = adapt(delta, points==0, baselen+points+1) 127 def decode_generalized_number(extended, extpos, bias, errors): argument [all …]
|
/external/elfutils/tests/ |
D | addrcfi.c | 49 print_detail (int result, const Dwarf_Op *ops, size_t nops, Dwarf_Addr bias) in print_detail() argument 64 printf ("(%#" PRIx64 ")", ops[i].number + bias); in print_detail() 79 Dwarf_Addr bias; member 99 print_detail (result, ops, nops, stuff->bias); in print_register() 114 int result = dwarf_cfi_addrframe (cfi, pc - stuff->bias, &stuff->frame); in handle_cfi() 127 start += stuff->bias; in handle_cfi() 128 end += stuff->bias; in handle_cfi() 149 print_detail (result, cfa_ops, cfa_nops, stuff->bias); in handle_cfi() 164 stuff.bias = 0; in handle_address() 166 dwfl_module_eh_cfi (mod, &stuff.bias), pc, &stuff); in handle_address() [all …]
|
/external/tensorflow/tensorflow/lite/experimental/micro/kernels/ |
D | fully_connected.cc | 52 const TfLiteTensor* bias, TfLiteTensor* output, in CalculateOpData() argument 58 context, input, filter, bias, output, &real_multiplier)); in CalculateOpData() 84 const TfLiteTensor* filter, const TfLiteTensor* bias, in EvalQuantized() argument 104 GetTensorShape(bias), GetTensorData<int32_t>(bias), \ in EvalQuantized() 127 const TfLiteTensor* bias, TfLiteTensor* output) { in EvalFloat() argument 137 GetTensorShape(bias), GetTensorData<float>(bias), GetTensorShape(output), in EvalFloat() 148 const TfLiteTensor* bias = GetOptionalInputTensor(context, node, kBiasTensor); in Eval() local 155 filter, bias, output, data)); in Eval() 159 return EvalFloat(context, node, params, data, input, filter, bias, in Eval() 162 return EvalQuantized(context, node, params, data, input, filter, bias, in Eval()
|
/external/tensorflow/tensorflow/lite/testing/nnapi_tflite_zip_tests/ |
D | test_manifest.txt | 1183 local_response_norm/local_response_norm_alpha=None,beta=None,bias=None,depth_radius=None,input_shap… 1184 local_response_norm/local_response_norm_alpha=None,beta=None,bias=None,depth_radius=0,input_shape=[… 1185 local_response_norm/local_response_norm_alpha=None,beta=None,bias=None,depth_radius=1,input_shape=[… 1186 local_response_norm/local_response_norm_alpha=None,beta=None,bias=None,depth_radius=3,input_shape=[… 1187 local_response_norm/local_response_norm_alpha=None,beta=None,bias=None,depth_radius=5,input_shape=[… 1188 local_response_norm/local_response_norm_alpha=None,beta=0.25,bias=None,depth_radius=None,input_shap… 1189 local_response_norm/local_response_norm_alpha=None,beta=0.25,bias=None,depth_radius=0,input_shape=[… 1190 local_response_norm/local_response_norm_alpha=None,beta=0.25,bias=None,depth_radius=1,input_shape=[… 1191 local_response_norm/local_response_norm_alpha=None,beta=0.25,bias=None,depth_radius=3,input_shape=[… 1192 local_response_norm/local_response_norm_alpha=None,beta=0.25,bias=None,depth_radius=5,input_shape=[… [all …]
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | lrn_ops_test.py | 41 def _LRN(self, input_image, lrn_depth_radius=5, bias=1.0, alpha=1.0, argument 57 np.power(bias + alpha * np.sum(patch * patch), beta)) 69 bias = 1.0 + np.random.rand() 77 bias=bias, 85 bias=bias, 89 print("LRN error for bias ", bias, "alpha ", alpha, " beta ", beta, " is ", 109 bias = 1.0 + np.random.rand() 119 depth_radius, bias, alpha, beta) 122 depth_radius, bias, alpha, beta)
|
/external/icu/icu4c/source/test/intltest/ |
D | punyref.cpp | 135 punycode_uint n, delta, h, b, out, max_out, bias, j, m, q, k, t; in punycode_encode() local 142 bias = initial_bias; in punycode_encode() 194 t = k <= bias /* + tmin */ ? tmin : /* +tmin not needed */ in punycode_encode() 195 k >= bias + tmax ? tmax : k - bias; in punycode_encode() 202 bias = adapt(delta, h + 1, h == b); in punycode_encode() 224 punycode_uint n, out, i, max_out, bias, in punycode_decode() local 232 bias = initial_bias; in punycode_decode() 266 t = k <= bias /* + tmin */ ? tmin : /* +tmin not needed */ in punycode_decode() 267 k >= bias + tmax ? tmax : k - bias; in punycode_decode() 273 bias = adapt(i - oldi, out + 1, oldi == 0); in punycode_decode()
|