Home
last modified time | relevance | path

Searched full:weight0 (Results 1 – 25 of 26) sorted by relevance

12

/aosp_15_r20/external/libgav1/src/dsp/x86/
H A Ddistance_weighted_blend_sse4.cc231 const __m128i& weight0, in ComputeWeightedAverage8() argument
243 __m128i mult0 = _mm_mullo_epi32(prediction0, weight0); in ComputeWeightedAverage8()
251 mult0 = _mm_mullo_epi32(prediction0, weight0); in ComputeWeightedAverage8()
269 const __m128i weight0 = _mm_set1_epi32(weight_0); in DistanceWeightedBlend4xH_SSE4_1() local
279 ComputeWeightedAverage8(src_00, src_10, weight0, weight1); in DistanceWeightedBlend4xH_SSE4_1()
286 ComputeWeightedAverage8(src_01, src_11, weight0, weight1); in DistanceWeightedBlend4xH_SSE4_1()
307 const __m128i weight0 = _mm_set1_epi32(weight_0); in DistanceWeightedBlend8xH_SSE4_1() local
317 ComputeWeightedAverage8(src_00, src_10, weight0, weight1); in DistanceWeightedBlend8xH_SSE4_1()
324 ComputeWeightedAverage8(src_01, src_11, weight0, weight1); in DistanceWeightedBlend8xH_SSE4_1()
340 const __m128i weight0 = _mm_set1_epi32(weight_0); in DistanceWeightedBlendLarge_SSE4_1() local
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/mkldnn/
H A DMKLDNNConversions.cpp463 Tensor weight0, in mkldnn_reorder_mkldnn_rnn_layer_weight() argument
488 int64_t feature_size = weight0.size(-1); in mkldnn_reorder_mkldnn_rnn_layer_weight()
491 weight0, in mkldnn_reorder_mkldnn_rnn_layer_weight()
494 weight0.sizes(), in mkldnn_reorder_mkldnn_rnn_layer_weight()
495 weight0.options()), in mkldnn_reorder_mkldnn_rnn_layer_weight()
509 packed_w1 = weight0; in mkldnn_reorder_mkldnn_rnn_layer_weight()
511 …h_itensor_mkldnn(std::move(w1_), optTypeMetaToScalarType(weight0.options().dtype_opt()), weight0.o… in mkldnn_reorder_mkldnn_rnn_layer_weight()
H A DRNN.cpp49 const Tensor& weight0, in mkldnn_rnn_layer_backward() argument
296 const Tensor& weight0, in mkldnn_rnn_layer_backward() argument
338 auto weight_ih = _shuffle_weight(weight0, rnn.mode); in mkldnn_rnn_layer_backward()
H A DRegisterMkldnnOpContextClass.cpp73 …"mkldnn::_reorder_mkldnn_rnn_layer_weight(Tensor weight0, Tensor weight1, int hidden_size, bool re… in TORCH_LIBRARY()
/aosp_15_r20/hardware/google/gfxstream/third-party/astc-encoder/Source/
Dastcenc_decompress_symbolic.cpp44 vint4 weight0 = vint4(64) - weight1; in lerp_color_int() local
52 vint4 color = (color0 * weight0) + (color1 * weight1) + vint4(32); in lerp_color_int()
579 vint weight0 = vint(64) - weight1; in compute_symbolic_block_difference_1plane_1partition() local
580 vint ep0_r = vint(ep0.lane<0>()) * weight0; in compute_symbolic_block_difference_1plane_1partition()
581 vint ep0_g = vint(ep0.lane<1>()) * weight0; in compute_symbolic_block_difference_1plane_1partition()
582 vint ep0_b = vint(ep0.lane<2>()) * weight0; in compute_symbolic_block_difference_1plane_1partition()
583 vint ep0_a = vint(ep0.lane<3>()) * weight0; in compute_symbolic_block_difference_1plane_1partition()
/aosp_15_r20/external/libaom/av1/encoder/x86/
H A Dml_avx2.c22 const __m256 weight0 = _mm256_loadu_ps(&weights[index]); \
24 const __m256 mul0 = _mm256_mul_ps(inputs256, weight0); \
39 const __m256 weight0 = _mm256_loadu_ps(&weights[weight_idx]); in nn_propagate_8to1() local
40 const __m256 mul0 = _mm256_mul_ps(inputs256, weight0); in nn_propagate_8to1()
H A Dml_sse3.c68 const __m128 weight0 = _mm_loadu_ps(&weights[2 * i * num_inputs]); in av1_nn_propagate_4to4_sse3() local
69 const __m128 mul0 = _mm_mul_ps(weight0, inputs128); in av1_nn_propagate_4to4_sse3()
90 const __m128 weight0 = _mm_loadu_ps(&weights[2 * i * num_inputs]); in av1_nn_propagate_4to8_sse3() local
92 const __m128 mul0 = _mm_mul_ps(inputs128, weight0); in av1_nn_propagate_4to8_sse3()
/aosp_15_r20/external/libaom/av1/encoder/arm/
H A Dml_neon.c155 const float32x4_t weight0 = vld1q_f32(&weights[in + 2 * i * num_inputs]); in nn_propagate_4to4() local
156 mul0[i] = vmlaq_f32(mul0[i], weight0, v_input); in nn_propagate_4to4()
193 const float32x4_t weight0 = vld1q_f32(&weights[in + 2 * i * num_inputs]); in nn_propagate_4to8() local
196 mul0[i] = vmlaq_f32(mul0[i], v_input, weight0); in nn_propagate_4to8()
/aosp_15_r20/external/pytorch/torch/_inductor/fx_passes/
H A Dmkldnn_fusion.py1011 Arg(), # weight0
1081 weight0, weight1 = args[1:3]
1090 weight0,
/aosp_15_r20/external/mesa3d/src/gallium/auxiliary/gallivm/
H A Dlp_bld_format_s3tc.c1830 LLVMValueRef weight0, weight1, weight, delta; in s3tc_decode_block_dxt5() local
1841 weight0 = LLVMConstVector(elems, 8); in s3tc_decode_block_dxt5()
1853 weight0 = LLVMBuildBitCast(builder, weight0, bld8.vec_type, ""); in s3tc_decode_block_dxt5()
1855 weight = lp_build_select(&bld8, sel_mask, weight0, weight1); in s3tc_decode_block_dxt5()
H A Dlp_bld_sample_soa.c1097 LLVMValueRef weight0, in lp_build_masklerp2d() argument
1104 LLVMValueRef val0 = lp_build_masklerp(bld, weight0, mask00, mask01); in lp_build_masklerp2d()
1105 LLVMValueRef val1 = lp_build_masklerp(bld, weight0, mask10, mask11); in lp_build_masklerp2d()
/aosp_15_r20/external/pytorch/torch/csrc/jit/runtime/
H A Dserialized_shape_function_registry.cpp2959 weight0 = unchecked_cast(List[int], weight)
2960 if torch.eq(torch.len(weight0), 1):
2961 _3 = torch.eq(weight0[0], n_classes)
3066 weight0 = unchecked_cast(List[int], weight)
3067 if torch.eq(torch.len(weight0), 1):
3068 _3 = torch.eq(weight0[0], n_classes)
/aosp_15_r20/development/samples/ApiDemos/src/com/example/android/apis/graphics/
H A DMatrixPaletteRenderer.java66 // float weight0, weight1;
/aosp_15_r20/external/mesa3d/src/panfrost/lib/genxml/
H A Ddecode.c59 nonzero_weights |= w.weight0 != 0x0; in pandecode_midgard_tiler_descriptor()
H A Dv4.xml743 <field name="Weight0" size="32" start="0:0" type="uint"/>
H A Dv5.xml769 <field name="Weight0" size="32" start="0:0" type="uint"/>
H A Dv6.xml1097 <field name="Weight0" size="16" start="0:16" type="uint"/>
H A Dv9.xml1193 <field name="Weight0" size="16" start="0:16" type="uint"/>
H A Dv7.xml1185 <field name="Weight0" size="16" start="0:16" type="uint"/>
H A Dv10.xml1664 <field name="Weight0" size="16" start="0:16" type="uint"/>
/aosp_15_r20/external/pytorch/benchmarks/static_runtime/
H A Dtest_generated_ops.cc3896 auto weight0 = 2; in TEST() local
3897 std::vector<IValue> args{self0, end0, weight0}; in TEST()
3930 auto weight0 = at::rand({6, 6, 6}); in TEST() local
3931 std::vector<IValue> args{self0, end0, weight0}; in TEST()
5592 auto weight0 = at::rand({6}); in TEST() local
5594 std::vector<IValue> args{self0, target0, p0, margin0, weight0, reduction0}; in TEST()
/aosp_15_r20/external/pytorch/tools/autograd/
H A Dderivatives.yaml2751 - name: mkldnn_rnn_layer(Tensor input, Tensor weight0, Tensor weight1, Tensor weight2, Tensor weigh…
2753weight0, weight1, weight2, weight3, hx_, cx_: "GradMode::is_enabled() ? mkldnn_rnn_layer_different…
/aosp_15_r20/external/pytorch/torch/csrc/autograd/
H A DFunctionsManual.h1090 const Tensor& weight0,
H A DFunctionsManual.cpp7026 const Tensor& weight0, in mkldnn_rnn_layer_differentiable_backward() argument
7076 {4 /* num_bias_gates of LSTM */ * hidden_size}, weight0.options()); in mkldnn_rnn_layer_differentiable_backward()
7078 {4 /* num_bias_gates of LSTM */ * hidden_size}, weight0.options()); in mkldnn_rnn_layer_differentiable_backward()
7095 auto gate = at::linear(input_[x_index], weight0, bias_ih) in mkldnn_rnn_layer_differentiable_backward()
7136 dx = at::matmul(da, weight0); in mkldnn_rnn_layer_differentiable_backward()
/aosp_15_r20/external/pytorch/torch/
H A D_meta_registrations.py6160 weight0, argument
6186 diff_w1 = weight0.new_empty(weight0.shape)

12