Home
last modified time | relevance | path

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

12345678910>>...48

/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
/external/icu/android_icu4j/src/main/java/android/icu/impl/coll/
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 …]
/external/icu/icu4j/main/collate/src/main/java/com/ibm/icu/impl/coll/
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 …]
/external/cronet/stable/third_party/icu/source/i18n/
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 …]
/external/icu/icu4c/source/i18n/
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 …]
/external/cronet/tot/third_party/icu/source/i18n/
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 …]
/external/pigweed/pw_web/log-viewer/src/custom/
Dmock-log-source.ts56 { level: Level.INFO, weight: 7.45 }, constant
57 { level: Level.DEBUG, weight: 0.25 }, constant
58 { level: Level.WARNING, weight: 1.5 }, constant
59 { level: Level.ERROR, weight: 0.5 }, constant
60 { level: Level.CRITICAL, weight: 0.05 }, constant
/external/noto-fonts/notosanskhmer/1.901/
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
/external/executorch/kernels/test/
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 …]
/external/noto-fonts/notoserif/
Dfont_config.json8 "weight": "400", string
13 "weight": "700", string
18 "weight": "400", string
23 "weight": "700", string
/external/pytorch/torch/quantization/
D_quantized_conversions.py8 def pack_int4_to_int8(weight): argument
18 def unpack_int8_to_int4(weight): argument
29 def quantized_weight_reorder_for_mixed_dtypes_linear_cutlass( argument
/external/pytorch/functorch/notebooks/_src/
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
/external/pytorch/aten/src/ATen/native/mkldnn/
DPrelu.cpp10 Tensor mkldnn_prelu(const Tensor& input, const Tensor& weight) { in mkldnn_prelu()
14 …nsor> mkldnn_prelu_backward(const Tensor& grad_output, const Tensor& input, const Tensor& weight) { in mkldnn_prelu_backward()
27 Tensor mkldnn_prelu(const Tensor& input, const Tensor& weight) { in mkldnn_prelu()
43 …nsor> mkldnn_prelu_backward(const Tensor& grad_output, const Tensor& input, const Tensor& weight) { in mkldnn_prelu_backward()
/external/marisa-trie/lib/marisa/grimoire/trie/
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
/external/pytorch/torch/csrc/api/include/torch/nn/functional/
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()
/external/pytorch/aten/src/ATen/native/xnnpack/
DLinear.cpp16 const Tensor& weight, in available()
51 const Tensor& weight, in create_and_run()
67 const Tensor& weight, in create()
175 Tensor weight, in createLinearClampPrePackOpContext()
203 const Tensor& weight, in use_linear()
216 const Tensor& weight, in linear()
/external/pytorch/aten/src/ATen/native/
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 …]
DLerp.h11 C10_HOST_DEVICE C10_ALWAYS_INLINE bool is_lerp_weight_small(scalar_t weight) { in is_lerp_weight_small()
15 C10_HOST_DEVICE C10_ALWAYS_INLINE bool is_lerp_weight_small(c10::complex<scalar_t> weight) { in is_lerp_weight_small()
27 opmath_weight_t weight = weight_; in lerp() local
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 …]
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 …]
/external/pytorch/aten/src/ATen/native/quantized/cpu/
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 …]
/external/noto-fonts/notosansmyanmarui/
Dfont_config.json8 "weight": "400", string
13 "weight": "500", string
18 "weight": "700", string
/external/noto-fonts/notosansmyanmar/
Dfont_config.json8 "weight": "400", string
13 "weight": "500", string
18 "weight": "700", string
/external/executorch/backends/vulkan/runtime/graph/ops/impl/
DEmbedding.cpp21 const api::vTensor& weight, in check_embedding_args()
31 ValueRef weight, in add_embedding_node()
61 ValueRef weight = prepack_standard_like(graph, args[0], out); in embedding() local
/external/glide/library/src/main/java/com/bumptech/glide/load/engine/prefill/
DPreFillType.java15 private final int weight; field in PreFillType
29 PreFillType(int width, int height, Bitmap.Config config, int weight) { in PreFillType()
107 private int weight = 1; field in PreFillType.Builder
157 public Builder setWeight(int weight) { in setWeight()

12345678910>>...48