Home
last modified time | relevance | path

Searched defs:weight (Results 1 – 25 of 2588) sorted by relevance

12345678910>>...104

/aosp_15_r20/cts/tests/tests/graphics/src/android/graphics/fonts/
H A DFontTest.java169 int weight = style.first.intValue(); in testBuilder_buffer() local
190 int weight = style.first.intValue(); in testBuilder_buffer_ttc() local
212 int weight = style.first.intValue(); in testBuilder_buffer_vf() local
236 int weight = style.first.intValue(); in testBuilder_buffer_override() local
253 int weight = style.first.intValue(); in testBuilder_buffer_override() local
285 int weight = style.first.intValue(); in testBuilder_file() local
311 int weight = style.first.intValue(); in testBuilder_file_ttc() local
338 int weight = style.first.intValue(); in testBuilder_file_vf() local
367 int weight = style.first.intValue(); in testBuilder_file_override() local
388 int weight = style.first.intValue(); in testBuilder_file_override() local
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/
H A DConvolution.cpp219 …cudnn_depthwise_workload_with_filter(const at::Tensor& input, T stride, const at::Tensor& weight) { in check_cudnn_depthwise_workload_with_filter()
257 const Tensor& weight, in xnnpack_use_convolution2d()
269 const Tensor& weight, in xnnpack_use_convolution2d()
775 const Tensor& weight, in check_input_same_type_as_parameters()
787 const Tensor& weight) { in check_input_same_type_as_parameters()
794 const Tensor& weight, in check_input_same_type_as_parameters()
847 const Tensor& weight, in complex_convolution()
885 const at::Tensor& weight, in complex_convolution_mode()
916 const Tensor& input_, const Tensor& weight, const std::optional<Tensor>& bias_opt, in conv1d_symint()
941 const Tensor& input_, const Tensor& weight, const std::optional<Tensor>& bias_opt, in conv2d_symint()
[all …]
H A DHistogram.cpp74 …dd_check_inputs(const Tensor& input, const TensorList& bins, const std::optional<Tensor>& weight) { in histogramdd_check_inputs()
247 const std::optional<Tensor>& weight, bool density, in histogramdd_out()
261 const std::optional<Tensor>& weight, bool density) { in _histogramdd()
275 const std::optional<Tensor>& weight, bool density, in histogramdd_bin_edges_out()
300 const std::optional<Tensor>& weight, bool density) { in histogramdd_bin_edges()
307 const std::optional<Tensor>& weight, bool density, in histogramdd_out()
324 const std::optional<Tensor>& weight, bool density) { in _histogramdd()
337 const std::optional<Tensor>& weight, bool density, in histogram_out()
352 const std::optional<Tensor>& weight, bool density) { in histogram()
362 const std::optional<Tensor>& weight, bool density, in histogram_out()
[all …]
H A DLossNLL.cpp43 const Tensor& weight = weight_opt.getTensorRef(); in TORCH_META_FUNC() local
113 const auto& weight = weight_opt.getTensorRef(); in TORCH_META_FUNC() local
163 const Tensor& weight, in nll_loss_out_frame()
304 const Tensor& weight, in nll_loss_forward_out_cpu_template()
342 const Tensor& weight, in nll_loss_backward_out_frame()
416 const Tensor& weight, in nll_loss_backward_out_cpu_template()
463 const Tensor& weight = weight_opt.getTensorRef(); in TORCH_IMPL_FUNC() local
478 const Tensor& weight = weight_opt.getTensorRef(); in TORCH_IMPL_FUNC() local
493 const Tensor& weight, in cross_entropy_loss_prob_target()
561 const Tensor& weight, in cross_entropy_loss_label_smoothing()
[all …]
H A DLossNLL2d.cpp48 const Tensor& weight) { in check_inputs_nll_loss2d()
107 const Tensor& weight, in nll_loss2d_forward_out_frame()
259 const Tensor& weight, in nll_loss2d_forward_out_cpu_template()
288 const Tensor& weight, in nll_loss2d_backward_out_frame()
371 const Tensor& weight, in nll_loss2d_backward_out_cpu_template()
415 const Tensor& weight = *weight_maybe_owned; in nll_loss2d_forward_out_cpu() local
429 const Tensor& weight = *weight_maybe_owned; in nll_loss2d_forward_cpu() local
447 const Tensor& weight = *weight_maybe_owned; in nll_loss2d_backward_out_cpu() local
470 const Tensor& weight = *weight_maybe_owned; in nll_loss2d_backward_cpu() local
488 const Tensor& weight = *weight_maybe_owned; in nll_loss2d_out() local
[all …]
/aosp_15_r20/external/icu/icu4j/main/collate/src/main/java/com/ibm/icu/impl/coll/
H A DCollationWeights.java144 long weight = range.start; in nextWeight() local
179 public static int lengthOfWeight(long weight) { in lengthOfWeight()
191 private static int getWeightTrail(long weight, int length) { in getWeightTrail()
195 private static long setWeightTrail(long weight, int length, int trail) { in setWeightTrail()
200 private static int getWeightByte(long weight, int idx) { in getWeightByte()
204 private static long setWeightByte(long weight, int idx, int b) { in setWeightByte()
227 private static long truncateWeight(long weight, int length) { in truncateWeight()
231 private static long incWeightTrail(long weight, int length) { in incWeightTrail()
235 private static long decWeightTrail(long weight, int length) { in decWeightTrail()
244 private long incWeight(long weight, int length) { in incWeight()
[all …]
/aosp_15_r20/external/icu/android_icu4j/src/main/java/android/icu/impl/coll/
H A DCollationWeights.java146 long weight = range.start; in nextWeight() local
181 public static int lengthOfWeight(long weight) { in lengthOfWeight()
193 private static int getWeightTrail(long weight, int length) { in getWeightTrail()
197 private static long setWeightTrail(long weight, int length, int trail) { in setWeightTrail()
202 private static int getWeightByte(long weight, int idx) { in getWeightByte()
206 private static long setWeightByte(long weight, int idx, int b) { in setWeightByte()
229 private static long truncateWeight(long weight, int length) { in truncateWeight()
233 private static long incWeightTrail(long weight, int length) { in incWeightTrail()
237 private static long decWeightTrail(long weight, int length) { in decWeightTrail()
246 private long incWeight(long weight, int length) { in incWeight()
[all …]
/aosp_15_r20/external/icu/icu4c/source/i18n/
H A Dcollationweights.cpp44 getWeightTrail(uint32_t weight, int32_t length) { in getWeightTrail()
49 setWeightTrail(uint32_t weight, int32_t length, uint32_t trail) { in setWeightTrail()
55 getWeightByte(uint32_t weight, int32_t idx) { in getWeightByte()
60 setWeightByte(uint32_t weight, int32_t idx, uint32_t byte) { in setWeightByte()
84 truncateWeight(uint32_t weight, int32_t length) { in truncateWeight()
89 incWeightTrail(uint32_t weight, int32_t length) { in incWeightTrail()
94 decWeightTrail(uint32_t weight, int32_t length) { in decWeightTrail()
154 CollationWeights::incWeight(uint32_t weight, int32_t length) const { in incWeight()
169 CollationWeights::incWeightByOffset(uint32_t weight, int32_t length, int32_t offset) const { in incWeightByOffset()
263 uint32_t weight=lowerLimit; in getWeightRanges() local
[all …]
/aosp_15_r20/external/cronet/third_party/icu/source/i18n/
H A Dcollationweights.cpp44 getWeightTrail(uint32_t weight, int32_t length) { in getWeightTrail()
49 setWeightTrail(uint32_t weight, int32_t length, uint32_t trail) { in setWeightTrail()
55 getWeightByte(uint32_t weight, int32_t idx) { in getWeightByte()
60 setWeightByte(uint32_t weight, int32_t idx, uint32_t byte) { in setWeightByte()
84 truncateWeight(uint32_t weight, int32_t length) { in truncateWeight()
89 incWeightTrail(uint32_t weight, int32_t length) { in incWeightTrail()
94 decWeightTrail(uint32_t weight, int32_t length) { in decWeightTrail()
154 CollationWeights::incWeight(uint32_t weight, int32_t length) const { in incWeight()
169 CollationWeights::incWeightByOffset(uint32_t weight, int32_t length, int32_t offset) const { in incWeightByOffset()
263 uint32_t weight=lowerLimit; in getWeightRanges() local
[all …]
/aosp_15_r20/external/executorch/kernels/test/
H A Dop_embedding_test.cpp28 const Tensor& weight, in op_embedding_out()
49 Tensor weight = tf.make( in test_dtype() local
85 Tensor weight = tf_weight.make( in test_dynamic_shape() local
118 Tensor weight = tff.make( in TEST_F() local
157 Tensor weight = tff.make( in TEST_F() local
195 Tensor weight = tff.make( in TEST_F() local
226 Tensor weight = tff.make( in TEST_F() local
261 Tensor weight = tff.make( in TEST_F() local
289 Tensor weight = tff.make( in TEST_F() local
329 Tensor weight = tff.make( in TEST_F() local
[all …]
H A Dop_native_batch_norm_test.cpp25 const exec_aten::optional<exec_aten::Tensor>& weight, in op_native_batch_norm_legit_no_training_out()
54 const exec_aten::optional<exec_aten::Tensor>& weight, in op_native_batch_norm_legit_out()
86 const exec_aten::optional<exec_aten::Tensor>& weight, in op_native_batch_norm_legit_no_stats_out()
122 exec_aten::optional<exec_aten::Tensor> weight = in TEST_F() local
245 exec_aten::optional<exec_aten::Tensor> weight = in TEST_F() local
426 exec_aten::optional<exec_aten::Tensor> weight = in TEST_F() local
586 exec_aten::optional<exec_aten::Tensor> weight = in TEST_F() local
724 exec_aten::optional<exec_aten::Tensor> weight; in TEST_F() local
842 exec_aten::optional<exec_aten::Tensor> weight; in TEST_F() local
906 exec_aten::optional<exec_aten::Tensor> weight = in TEST_F() local
[all …]
H A Dop_convolution_test.cpp29 const Tensor& weight, in op_convolution_out()
112 Tensor weight = in test_dynamic_shape() local
152 auto weight = in TEST_F() local
205 Tensor weight = tf.make( in TEST_F() local
278 Tensor weight = tf.make( in TEST_F() local
357 Tensor weight = tf.make( variable
421 Tensor weight = tf.make_channels_last( variable
480 Tensor weight = tf.ones({8, 3, 2, 2}); in TEST_F() local
523 Tensor weight = tf.full({4, 1, 2, 2}, 0.5); in TEST_F() local
557 Tensor weight = tf.full({6, 1, 2, 2}, 0.5); in TEST_F() local
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/quantized/cpu/
H A Dqlinear_prepack.cpp65 at::Tensor weight, in prepack()
140 at::Tensor weight, in prepack()
190 at::Tensor weight, in prepack()
218 at::Tensor weight, in prepack()
293 const at::Tensor& weight, in pack_weight_to_onednn_tensor()
316 at::Tensor _saturate_weight_to_fp16(const Tensor& weight) { in _saturate_weight_to_fp16()
365 const at::Tensor& weight, in wrapped_quantized_linear()
421 const at::Tensor& weight, in wrapped_quantized_linear_meta()
444 at::Tensor _wrapped_linear_prepack(const at::Tensor& weight, in _wrapped_linear_prepack()
515 at::Tensor _wrapped_linear_prepack_meta(const at::Tensor& weight, in _wrapped_linear_prepack_meta()
[all …]
H A Dqconv_prepack.cpp30 at::Tensor weight, in prepack()
198 at::Tensor weight, in prepack()
330 at::Tensor weight, in prepack()
494 at::Tensor weight, // from CPU backend instead of QuantizedCPU in _qconv_prepack_onednn()
626 Tensor weight, in run_conv()
642 Tensor weight, in run_deconv()
655 Tensor weight, in _run()
715 Tensor weight, in run_conv()
727 Tensor weight, in run_deconv()
740 Tensor weight, in _run()
[all …]
H A Dqembeddingbag.cpp38 const at::Tensor& weight, in embedding_lookup_fallback_impl()
225 const at::Tensor& weight, in embedding_bag_nbit_impl()
398 const at::Tensor& weight, in embedding_bag_byte_impl()
559 const at::Tensor& weight, in embedding_bag_byte_helper()
656 const at::Tensor& weight, in _embedding_bag_nbit_helper()
820 const Tensor& weight, in embedding_bag_byte_rowwise_offsets_out()
843 const Tensor& weight, in embedding_bag_4bit_rowwise_offsets_out()
878 const Tensor& weight, in embedding_bag_2bit_rowwise_offsets_out()
922 const Tensor& weight, in embedding_bag_byte_rowwise_offsets()
947 const Tensor& weight, in embedding_bag_4bit_rowwise_offsets()
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/vulkan/ops/
H A DConvolution.cpp106 at::Tensor weight = weight_in.clone(); in rearrange_weights_dw() local
185 at::Tensor weight = weight_in.clone(); in rearrange_weights_2d() local
522 const Tensor weight = transposed in pack_weights() local
547 const Tensor& weight, in pack_biases()
574 const Tensor& weight, in compute_overlay_region()
608 bool weight_valid(const Tensor& weight, const bool quantized) { in weight_valid()
633 const Tensor& weight, in bias_valid()
658 const Tensor& weight, in available()
767 const Tensor& weight, in convolution()
795 Tensor weight = weight_arg; in pack_weights_using_width_packing() local
[all …]
H A DLerp.cpp65 const float weight = weight_arg.to<float>(); in _lerp_scalar() local
72 float weight; in _lerp_scalar() member
126 const float weight = weight_arg.to<float>(); in _lerp_scalar_() local
180 const Tensor weight = in _lerp_tensor() local
256 const Tensor weight = in _lerp_tensor_() local
306 const Scalar& weight) { in lerp_scalar()
310 Tensor& lerp_scalar_(Tensor& self, const Tensor& end, const Scalar& weight) { in lerp_scalar_()
317 const Tensor& weight) { in lerp_tensor()
324 Tensor& lerp_tensor_(Tensor& self, const Tensor& end, const Tensor& weight) { in lerp_tensor_()
/aosp_15_r20/external/noto-fonts/notosanskhmer/1.901/
H A Dfont_config.json9 "weight": "100", string
19 "weight": "200", string
29 "weight": "300", string
39 "weight": "400", string
49 "weight": "500", string
59 "weight": "600", string
69 "weight": "700", string
79 "weight": "800", string
89 "weight": "900", string
/aosp_15_r20/external/pytorch/aten/src/ATen/native/miopen/
H A DConv_miopen.cpp34 const Tensor& input, const Tensor& weight, const std::optional<Tensor>& bias_opt /* optional */, in miopen_convolution()
41 IntArrayRef input_size, const at::Tensor& grad_output, const at::Tensor& weight, in miopen_convolution_backward_input()
60 const at::Tensor& input, const at::Tensor& grad_output, const at::Tensor& weight, in miopen_convolution_backward()
67 const Tensor& input, const Tensor& weight, const std::optional<Tensor>& bias_opt /* optional */, in miopen_convolution_transpose()
74 const at::Tensor& grad_output, const at::Tensor& weight, in miopen_convolution_transpose_backward_input()
88 const at::Tensor& input, const at::Tensor& grad_output, const at::Tensor& weight, in miopen_convolution_transpose_backward()
95 const Tensor& input, const Tensor& weight, const std::optional<Tensor>& bias_opt /* optional */, in miopen_depthwise_convolution()
102 IntArrayRef input_size, const at::Tensor& grad_output, const at::Tensor& weight, in miopen_depthwise_convolution_backward_input()
116 const at::Tensor& input, const at::Tensor& grad_output, const at::Tensor& weight, in miopen_depthwise_convolution_backward()
124 const at::Tensor& input, const at::Tensor& weight, const at::Tensor& z, in miopen_convolution_add_relu()
[all …]
/aosp_15_r20/external/skia/modules/canvaskit/tests/
H A Dcanvas2d_test.js122 'weight': '', property
132 'weight': '', property
142 'weight': '', property
152 'weight': '', property
172 'weight': 'bold', property
182 'weight': 'bold', property
192 'weight': 'bold', property
202 'weight': 'bold', property
212 'weight': '', property
222 'weight': '', property
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cudnn/
H A DConvShared.cpp106 const at::Tensor& weight, in setConvolutionParams()
209 const TensorArg& weight, in cudnn_convolution_forward_out()
250 TensorArg input{input_t, "input", 1}, weight{weight_t, "weight", 2}; in cudnn_convolution() local
287 TensorArg input{input_t, "input", 1}, weight{weight_t, "weight", 2}; in cudnn_convolution_out() local
320 weight{weight_t, "weight", 2}; in cudnn_convolution_transpose_backward_input() local
369 const TensorArg& weight, in cudnn_convolution_backward_input()
410 const TensorArg& weight, in cudnn_convolution_transpose_forward()
453 weight{weight_t, "weight", 2}; in cudnn_convolution_backward_input() local
479 TensorArg input{input_t, "input", 1}, weight{weight_t, "weight", 2}; in cudnn_convolution_transpose() local
584 const at::Tensor& weight, in cudnn_convolution_backward()
[all …]
/aosp_15_r20/external/google-fonts/source-sans-pro/
Dfont_config.json7 "weight": "400", string
12 "weight": "400", string
17 "weight": "600", string
22 "weight": "600", string
27 "weight": "700", string
32 "weight": "700", string
/aosp_15_r20/external/pytorch/functorch/notebooks/_src/
H A Dplot_jacobians_and_hessians.py25 def predict(weight, bias, x): argument
31 weight = torch.randn(D, D) variable
119 weight = torch.randn(Dout, Din) variable
131 weight = torch.randn(Dout, Din) variable
170 def predict_with_output_summed(weight, bias, x): argument
177 weight = torch.randn(Dout, Din) variable
/aosp_15_r20/external/marisa-trie/lib/marisa/grimoire/trie/
H A Dkey.h46 void set_weight(float weight) { in set_weight()
64 float weight() const { in weight() function
78 float weight; member
152 void set_weight(float weight) { in set_weight()
170 float weight() const { in weight() function
184 float weight; member
/aosp_15_r20/external/pytorch/torch/csrc/api/include/torch/nn/functional/
H A Dconv.h28 const Tensor& weight, in conv1d()
74 const Tensor& weight, in conv2d()
120 const Tensor& weight, in conv3d()
168 const Tensor& weight, in conv_transpose1d()
213 const Tensor& weight, in conv_transpose2d()
258 const Tensor& weight, in conv_transpose3d()

12345678910>>...104