/third_party/flutter/skia/src/gpu/gradients/ |
D | GrUnrolledBinaryGradientColorizer.fp | 137 // The raster implementation also uses scales and biases, but since they must be calculated 140 SkPMColor4f biases[kMaxIntervals]; 169 bias.store(biases + intervalCount); 177 biases[i] = SK_PMColor4fTRANSPARENT; 183 scales[6], scales[7], biases[0], biases[1], biases[2], biases[3], biases[4], 184 biases[5], biases[6], biases[7],
|
D | GrDualIntervalGradientColorizer.fp | 46 // Derive scale and biases from the 4 colors and threshold
|
/third_party/flutter/skia/src/gpu/gradients/generated/ |
D | GrUnrolledBinaryGradientColorizer.cpp | 334 SkPMColor4f biases[kMaxIntervals]; in Make() local 363 bias.store(biases + intervalCount); in Make() 371 biases[i] = SK_PMColor4fTRANSPARENT; in Make() 377 scales[6], scales[7], biases[0], biases[1], biases[2], biases[3], biases[4], biases[5], in Make() 378 biases[6], biases[7], in Make()
|
/third_party/mindspore/tests/st/gnn/ |
D | test_gnn_aggregator.py | 68 biases = Tensor(np.array(np.random.rand(1, 2708, 2708), dtype=np.float32)) 69 _cell_graph_executor.compile(head, input_data, biases) 74 biases = Tensor(np.array(np.random.rand(1, 2708, 2708), dtype=np.float32)) 76 _cell_graph_executor.compile(net, input_data, biases)
|
D | test_gat_model.py | 37 biases = Tensor(np.array(np.random.rand(1, 2708, 2708), dtype=np.float32)) 47 _cell_graph_executor.compile(net, input_data, biases)
|
/third_party/mindspore/tests/st/ops/gpu/ |
D | test_sampled_softmax_loss_op.py | 47 (weights, biases, hidden_acts, sampled_vals) = generate_test_data( 60 got_sampled_softmax_loss = loss(Tensor(weights), Tensor(biases), 73 (weights, biases, hidden_acts, sampled_vals) = generate_test_data( 86 got_sampled_softmax_loss = loss(Tensor(weights), Tensor(biases), 107 (weights, biases, hidden_acts, _) = generate_test_data( 121 got_sampled_softmax_loss = loss(Tensor(weights), Tensor(biases),
|
/third_party/ffmpeg/libavfilter/dnn/ |
D | dnn_backend_native_layer_dense.c | 59 dense_params->biases = NULL; in ff_dnn_load_layer_dense() 61 dense_params->biases = av_malloc(dense_params->output_num * sizeof(float)); in ff_dnn_load_layer_dense() 62 if (!dense_params->biases){ in ff_dnn_load_layer_dense() 68 dense_params->biases[i] = av_int2float(avio_rl32(model_file_context)); in ff_dnn_load_layer_dense() 122 output[n_filter] = dense_params->biases[n_filter]; in ff_dnn_execute_layer_dense()
|
D | dnn_backend_native_layer_conv2d.c | 85 conv_params->biases = NULL; in ff_dnn_load_layer_conv2d() 87 … conv_params->biases = av_malloc_array(conv_params->output_num, sizeof(*conv_params->biases)); in ff_dnn_load_layer_conv2d() 88 if (!conv_params->biases){ in ff_dnn_load_layer_conv2d() 94 conv_params->biases[i] = av_int2float(avio_rl32(model_file_context)); in ff_dnn_load_layer_conv2d() 139 output[n_filter] = conv_params->biases[n_filter]; in dnn_execute_layer_conv2d_thread()
|
D | dnn_backend_native_layer_dense.h | 31 float *biases; member
|
D | dnn_backend_native_layer_conv2d.h | 34 float *biases; member
|
D | dnn_backend_native.c | 430 av_freep(&conv_params->biases); in ff_dnn_free_model_native()
|
/third_party/ffmpeg/libavfilter/ |
D | vf_convolution_opencl.c | 48 cl_float biases[4]; member 112 ctx->biases[i] = ctx->biases[i] / 255.0; in convolution_opencl_make_filter_params() 226 CL_SET_KERNEL_ARG(ctx->kernel, 5, cl_float, &ctx->biases[p]); in convolution_opencl_filter_frame() 356 …{ "0bias", "set bias for 1st plane", OFFSET(biases[0]), AV_OPT_TYPE_FLOAT, {.dbl=0.0}, 0.0, INT_MA… 357 …{ "1bias", "set bias for 2nd plane", OFFSET(biases[1]), AV_OPT_TYPE_FLOAT, {.dbl=0.0}, 0.0, INT_MA… 358 …{ "2bias", "set bias for 3rd plane", OFFSET(biases[2]), AV_OPT_TYPE_FLOAT, {.dbl=0.0}, 0.0, INT_MA… 359 …{ "3bias", "set bias for 4th plane", OFFSET(biases[3]), AV_OPT_TYPE_FLOAT, {.dbl=0.0}, 0.0, INT_MA…
|
/third_party/flutter/skia/third_party/externals/wuffs/script/ |
D | print-deflate-magic-numbers.go | 50 biases := [2]uint32{3, 1} 59 x = 0x40000000 | ((bn - biases[i]) << 8) | (extraBits[i][j] << 4)
|
/third_party/skia/src/gpu/gradients/ |
D | GrGradientShader.cpp | 386 SkPMColor4f biases[kMaxUnrolledIntervalCount]; in make_unrolled_binary_colorizer() local 389 kMaxUnrolledIntervalCount, scales, biases, thresholds); in make_unrolled_binary_colorizer() 397 return make_unrolled_colorizer(intervalCount, scales, biases, thresholds1_7, thresholds9_13); in make_unrolled_binary_colorizer() 409 SkPMColor4f biases[kMaxLoopingIntervalCount]; in make_looping_binary_colorizer() local 412 kMaxLoopingIntervalCount, scales, biases, thresholds); in make_looping_binary_colorizer() 425 biases[intervalCount] = biases[intervalCount - 1]; in make_looping_binary_colorizer() 428 return make_looping_colorizer(intervalCount, scales, biases, thresholds); in make_looping_binary_colorizer()
|
/third_party/ffmpeg/tests/dnn/ |
D | dnn-layer-conv2d-test.c | 105 params.biases = bias; in test_with_same_dilate() 209 params.biases = bias; in test_with_valid()
|
D | dnn-layer-dense-test.c | 97 params.biases = bias; in test()
|
/third_party/mindspore/mindspore/nn/loss/ |
D | loss.py | 866 def construct(self, weights, biases, labels, logits): argument 868 _check_is_tensor('biases', biases, self.cls_name) 875 biases=biases, 891 biases, argument 949 all_b = self.gather_v2(biases, all_ids, 0)
|
/third_party/mindspore/mindspore/lite/src/runtime/kernel/opencl/cl/ |
D | conv2d_transpose.cl | 21 … __read_only image2d_t biases, int2 kernel_size, int2 stride, int2 padding, int4 src_size, 95 FLT4 bias_val = READ_IMAGE(biases, smp_zero, (int2)(dst_c, 0));
|
/third_party/openGLES/extensions/EXT/ |
D | EXT_texture_lod_bias.txt | 70 has the biases per-texture object. 101 biases in each texture dimension. The EXT extension does not
|
/third_party/skia/third_party/externals/opengl-registry/extensions/EXT/ |
D | EXT_texture_lod_bias.txt | 70 has the biases per-texture object. 101 biases in each texture dimension. The EXT extension does not
|
/third_party/openGLES/extensions/SGIX/ |
D | SGIX_texture_lod_bias.txt | 31 primitives appear excessively blurry. This extension provides biases
|
/third_party/skia/third_party/externals/opengl-registry/extensions/SGIX/ |
D | SGIX_texture_lod_bias.txt | 31 primitives appear excessively blurry. This extension provides biases
|
/third_party/mindspore/mindspore/lite/tools/optimizer/fusion/ |
D | tflite_lstm_cell_fusion.cc | 584 std::vector<AnfNodePtr> biases{i_bias, o_bias, f_bias, c_bias}; in CreateLSTMNode() local 587 status = GetConcatedParam(biases, bias, true); in CreateLSTMNode()
|
/third_party/openGLES/extensions/SGI/ |
D | SGI_fft.txt | 317 corresponding POST_TRANSFORM scale and biases in the obvious way.
|
/third_party/skia/third_party/externals/opengl-registry/extensions/SGI/ |
D | SGI_fft.txt | 317 corresponding POST_TRANSFORM scale and biases in the obvious way.
|