/aosp_15_r20/external/tensorflow/tensorflow/python/ops/ |
H A D | metrics_impl.py | 84 def _remove_squeezable_dimensions(predictions, labels, weights): argument 228 def _streaming_confusion_matrix(labels, predictions, num_classes, weights=None): argument 314 weights=None, argument 481 weights=None, argument 637 weights=None, argument 808 weights=None, argument 1042 weights=None, argument 1104 weights=None, argument 1178 weights=None, argument 1283 weights=None, argument [all …]
|
H A D | bincount_ops.py | 33 weights=None, argument 222 weights=None, argument 254 weights=None, argument 455 def validate_dense_weights(values, weights, dtype=None): argument 470 def validate_sparse_weights(values, weights, dtype=None): argument 506 def validate_ragged_weights(values, weights, dtype=None): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/losses/ |
H A D | losses_impl.py | 88 def _num_present(losses, weights, per_batch=False): argument 139 losses, weights=1.0, scope=None, loss_collection=ops.GraphKeys.LOSSES, argument 179 def compute_loss(losses, weights, loss_collection, reduction): argument 218 labels, predictions, weights=1.0, scope=None, argument 273 labels, predictions, axis=None, weights=1.0, scope=None, argument 328 def hinge_loss(labels, logits, weights=1.0, scope=None, argument 379 def huber_loss(labels, predictions, weights=1.0, delta=1.0, scope=None, argument 456 def log_loss(labels, predictions, weights=1.0, epsilon=1e-7, scope=None, argument 515 labels, predictions, weights=1.0, scope=None, argument 572 def compute_loss(labels, predictions, weights, loss_collection): argument [all …]
|
/aosp_15_r20/external/ComputeLibrary/src/cpu/operators/ |
H A D | CpuDepthwiseConv2d.cpp | 40 Status validate_arguments_optimized(const ITensorInfo *src, const ITensorInfo *weights, const ITens… in validate_arguments_optimized() 76 … const ITensorInfo *weights, in configure() 139 … const ITensorInfo *weights, in validate() 187 auto weights = tensors.get_tensor(TensorType::ACL_SRC_1); in run() local 226 auto weights = tensors.get_const_tensor(TensorType::ACL_SRC_1); in prepare() local 243 auto weights = tensors.get_const_tensor(TensorType::ACL_SRC_1); in prepare() local 282 …Conv2d::CpuDepthwiseConv2dGeneric::configure(ITensorInfo *src, const ITensorInfo *weights, const I… in configure() 334 …d::CpuDepthwiseConv2dGeneric::validate(const ITensorInfo *src, const ITensorInfo *weights, const I… in validate() 374 auto weights = tensors.get_const_tensor(TensorType::ACL_SRC_1); in run() local 429 auto weights = tensors.get_const_tensor(TensorType::ACL_SRC_1); in prepare() local [all …]
|
H A D | CpuFullyConnected.cpp | 83 Status get_gemmlowp_output_stage_info(const ITensorInfo *src, const ITensorInfo *weights, const ITe… in get_gemmlowp_output_stage_info() 112 Status validate_mm(const ITensorInfo *src, const ITensorInfo *weights, const ITensorInfo *biases, c… in validate_mm() 175 void CpuFullyConnected::configure_mm(const ITensorInfo *src, const ITensorInfo *weights, const ITen… in configure_mm() 212 void CpuFullyConnected::configure_conv_fc(const ITensorInfo *src, const ITensorInfo *weights, const… in configure_conv_fc() 228 void CpuFullyConnected::configure_fc_fc(const ITensorInfo *src, const ITensorInfo *weights, const I… in configure_fc_fc() 236 void CpuFullyConnected::configure(const ITensorInfo *src, const ITensorInfo *weights, const ITensor… in configure() 345 …_compute::WeightFormat &expected_weight_format, const ITensorInfo *src, const ITensorInfo *weights, in has_opt_impl() 357 Status CpuFullyConnected::validate(const ITensorInfo *src, const ITensorInfo *weights, const ITenso… in validate() 496 auto weights = tensors.get_const_tensor(ACL_SRC_1); in prepare() local
|
/aosp_15_r20/external/grpc-grpc/test/core/client_channel/lb_policy/ |
H A D | static_stride_scheduler_test.cc | 34 const std::vector<float> weights = {}; in TEST() local 42 const std::vector<float> weights = {0}; in TEST() local 50 const std::vector<float> weights = {0, 0, 0, 0}; in TEST() local 58 const std::vector<float> weights = {1}; in TEST() local 66 const std::vector<float> weights = {1, 2, 3}; in TEST() local 81 const std::vector<float> weights = {3, 0, 1}; in TEST() local 96 const std::vector<float> weights = {300, 300, 0}; in TEST() local 118 const std::vector<float> weights = {1, 2, 3}; in TEST() local 140 const std::vector<float> weights = {1, 2, 3}; in TEST() local 173 const std::vector<float> weights = {1, 2, 3}; in TEST() local [all …]
|
/aosp_15_r20/external/ComputeLibrary/src/gpu/cl/operators/ |
H A D | ClFullyConnected.cpp | 55 Status construct_gemmlowp_output_stage(const ITensorInfo &src, const ITensorInfo &weights, const IT… in construct_gemmlowp_output_stage() 102 Status validate_mm(const ITensorInfo &src, const ITensorInfo &weights, const ITensorInfo *bias, con… in validate_mm() 157 …ure_mm(const CLCompileContext &compile_context, ITensorInfo *src, ITensorInfo *weights, ITensorInf… in configure_mm() 200 …onv_fc(const CLCompileContext &compile_context, ITensorInfo *src, ITensorInfo *weights, ITensorInf… in configure_conv_fc() 218 …_fc_fc(const CLCompileContext &compile_context, ITensorInfo *src, ITensorInfo *weights, ITensorInf… in configure_fc_fc() 227 …figure(const CLCompileContext &compile_context, ITensorInfo *src, ITensorInfo *weights, ITensorInf… in configure() 328 Status ClFullyConnected::validate(const ITensorInfo *src, const ITensorInfo *weights, const ITensor… in validate() 426 CLAuxTensorHandler weights(_weights_to_use_idx, _weights_to_use, tensors, false); in run() local 457 auto weights = tensors.get_const_tensor(ACL_SRC_1); in prepare() local
|
/aosp_15_r20/external/libtextclassifier/native/lang_id/common/flatbuffers/ |
H A D | embedding-network-params-from-flatbuffer.h | 93 const saft_fbs::Matrix *weights = SafeGetLayerWeights(i); in hidden_num_rows() local 98 const saft_fbs::Matrix *weights = SafeGetLayerWeights(i); in hidden_num_cols() local 103 const saft_fbs::Matrix *weights = SafeGetLayerWeights(i); in hidden_weights_quant_type() local 108 const saft_fbs::Matrix *weights = SafeGetLayerWeights(i); in hidden_weights() local 132 const saft_fbs::Matrix *weights = SafeGetSoftmaxWeights(); in softmax_num_rows() local 137 const saft_fbs::Matrix *weights = SafeGetSoftmaxWeights(); in softmax_num_cols() local 142 const saft_fbs::Matrix *weights = SafeGetSoftmaxWeights(); in softmax_weights_quant_type() local 147 const saft_fbs::Matrix *weights = SafeGetSoftmaxWeights(); in softmax_weights() local
|
/aosp_15_r20/external/ComputeLibrary/src/runtime/ |
H A D | IWeightsManager.cpp | 33 void IWeightsManager::manage(const ITensor *weights, ITransformWeights *parent) in manage() 56 ITensor *IWeightsManager::run(const ITensor *weights, ITransformWeights *weights_transform) in run() 117 bool IWeightsManager::are_weights_managed(const ITensor *weights) in are_weights_managed() 122 ITensor *IWeightsManager::acquire(const ITensor *weights, ITransformWeights *weights_transform) in acquire() 155 void IWeightsManager::release(const ITensor *weights) in release() 169 void IWeightsManager::pre_mark_as_unused(const ITensor *weights) in pre_mark_as_unused()
|
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/saving/ |
H A D | hdf5_format.py | 226 def preprocess_weights_for_loading(layer, argument 245 def convert_nested_bidirectional(weights): argument 266 def convert_nested_time_distributed(weights): argument 281 def convert_nested_model(weights): argument 412 def _convert_rnn_weights(layer, weights): argument 496 def convert_lstm_weights(weights, from_cudnn=True): argument 533 def convert_gru_weights(weights, from_cudnn=True): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/gpu/common/task/ |
H A D | weights_conversion.h | 39 const tflite::gpu::Tensor<OHWI, S>& weights, int out_group_size, in RearrangeWeightsToOHWIOGroupI4O4() 75 const tflite::gpu::Tensor<OHWDI, S>& weights, int out_group_size, in RearrangeWeightsToODHWIOGroupI4O4() 113 const tflite::gpu::Tensor<OHWI, S>& weights, int out_group_size, in RearrangeWeightsToOHWIOGroupO4I4() 149 const tflite::gpu::Tensor<OHWDI, S>& weights, int out_group_size, in RearrangeWeightsToODHWIOGroupO4I4() 187 const tflite::gpu::Tensor<OHWI, S>& weights, int out_group_size, in RearrangeWeightsToI4HWIOOGroupO4() 223 const tflite::gpu::Tensor<OHWDI, S>& weights, int out_group_size, in RearrangeWeightsToI4DHWIOOGroupO4() 261 const tflite::gpu::Tensor<OHWI, S>& weights, int out_group_size, in RearrangeWeightsToO4HWIOOGroupI4() 297 const tflite::gpu::Tensor<OHWDI, S>& weights, int out_group_size, in RearrangeWeightsToO4DHWIOOGroupI4() 335 const tflite::gpu::Tensor<OHWI, S>& weights, in RearrangeWeightsToOICustomSpatialI4O4() 371 const tflite::gpu::Tensor<OHWDI, S>& weights, in RearrangeWeightsToOICustomSpatialI4O4() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/gpu/common/tasks/ |
H A D | conv_weights_converter_test_util.cc | 30 const Tensor<OHWI, DataType::FLOAT32>& weights, in ConvolutionWeightsConverterTest() 139 Tensor<OHWI, DataType::FLOAT32> weights; in ConverterToConvWeights1x1OutX4Test() local 173 Tensor<OHWI, DataType::FLOAT32> weights; in ConverterToConvWeights1x1OutX4UnalignedTest() local 206 Tensor<OHWI, DataType::FLOAT32> weights; in ConverterToConvWeights1x1OutX2Test() local 239 Tensor<OHWI, DataType::FLOAT32> weights; in ConverterToConvWeightsOutX2Test() local 274 Tensor<OHWI, DataType::FLOAT32> weights; in ConverterToConvTransposedWeights4x4Test() local 308 Tensor<OHWI, DataType::FLOAT32> weights; in ConverterToConvWeights4xTexturesTest() local
|
/aosp_15_r20/external/ComputeLibrary/src/runtime/NEON/functions/ |
H A D | NEDepthwiseConvolutionLayer.cpp | 44 const ITensor *weights member 68 … const ITensor *weights, in configure() 150 … const ITensorInfo *weights, in validate() 208 const ITensor *weights{ nullptr }; member 220 …r::NEDepthwiseConvolutionLayerGeneric::configure(ITensor *input, const ITensor *weights, const ITe… in configure() 273 …iseConvolutionLayerGeneric::validate(const ITensorInfo *input, const ITensorInfo *weights, const I… in validate() 310 void NEDepthwiseConvolutionLayer::configure(ITensor *input, const ITensor *weights, const ITensor *… in configure() 332 Status NEDepthwiseConvolutionLayer::validate(const ITensorInfo *input, const ITensorInfo *weights, … in validate()
|
/aosp_15_r20/packages/modules/NeuralNetworks/runtime/test/specs/V1_3/ |
D | fully_connected_quant8_signed.mod.py | 19 weights = Parameter("op2", "TENSOR_QUANT8_ASYMM_SIGNED", "{3, 10}, 0.5f, -1", variable 42 weights = Parameter("op2", "TENSOR_QUANT8_ASYMM_SIGNED", "{1, 5}, 0.2, -128", [-118, -108, -108, -1… variable 61 weights = Input("op2", "TENSOR_QUANT8_ASYMM_SIGNED", "{1, 5}, 0.2, -128") # num_units = 1, input_si… variable 84 weights = Parameter("op2", "TENSOR_QUANT8_ASYMM_SIGNED", "{1, 1}, 0.5f, -128", [-126]) variable 103 weights = Input("op2", "TENSOR_QUANT8_ASYMM_SIGNED", "{1, 1}, 0.5f, -128") variable 124 weights = Parameter("op2", "TENSOR_FLOAT32", "{1, 1}", [2]) variable
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/ |
H A D | transpose_conv.cc | 169 const TfLiteTensor* weights, in ResizeCol2ImTensor() 191 const TfLiteTensor* weights, in ResizeAndTransposeWeights() 254 const TfLiteTensor* weights; in Prepare() local 398 const TfLiteTensor* weights, const TfLiteTensor* bias, in EvalFloat() 437 const TfLiteTensor* input, const TfLiteTensor* weights, in EvalQuantized() 489 OpData* data, const TfLiteTensor* input, const TfLiteTensor* weights, in EvalQuantizedPerChannel() 537 OpData* data, const TfLiteTensor* input, const TfLiteTensor* weights, in EvalQuantizedPerChannel16x8() 600 const TfLiteTensor* weights; in Eval() local
|
/aosp_15_r20/external/libaom/test/ |
H A D | cnn_test.cc | 126 static void AssignLayerWeightsBiases(CNN_CONFIG *cnn_config, float *weights, in AssignLayerWeightsBiases() 170 float weights[] = { in TEST_F() local 371 float weights[] = { in TEST_F() local 419 float weights[] = { in TEST_F() local 534 float weights[] = { in TEST_F() local 1038 float weights[] = { in TEST_F() local 1100 float weights[] = { in TEST_F() local 1276 float weights[] = { in TEST_F() local 1454 float weights[] = { in TEST_F() local 1729 float weights[] = { in TEST_F() local [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/gpu/gl/kernels/ |
H A D | conv_test.cc | 47 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local 85 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local 122 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local 159 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local 196 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
|
H A D | transpose_conv_test.cc | 47 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local 86 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local 127 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local 166 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local 204 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
|
/aosp_15_r20/external/ComputeLibrary/src/runtime/CL/functions/ |
H A D | CLDeconvolutionLayer.cpp | 47 const ICLTensor *weights{ nullptr }; member 60 void CLDeconvolutionLayer::configure(ICLTensor *input, ICLTensor *weights, const ICLTensor *bias, I… in configure() 66 …nfigure(const CLCompileContext &compile_context, ICLTensor *input, ICLTensor *weights, const ICLTe… in configure() 107 Status CLDeconvolutionLayer::validate(const ITensorInfo *input, const ITensorInfo *weights, const I… in validate() 139 …utionLayer::get_deconvolution_method(const ITensorInfo *input, const ITensorInfo *weights, const I… in get_deconvolution_method()
|
/aosp_15_r20/external/libaom/av1/encoder/arm/ |
H A D | ml_neon.c | 33 const float *const weights, in nn_propagate_8to1() 63 const float *const weights, in nn_propagate_xto1() 98 const float *const weights, in nn_propagate_xsto1() 117 const float *const weights, in nn_propagate_4to1() 143 const float *const weights, in nn_propagate_4to4() 181 const float *const weights, in nn_propagate_4to8() 226 const float *const weights, in nn_propagate_8to4()
|
/aosp_15_r20/external/ComputeLibrary/tests/validation/reference/ |
H A D | DepthwiseConvolutionLayer.cpp | 54 SimpleTensor<T> depthwise_convolution_fp(const SimpleTensor<T> &src, const SimpleTensor<T> &weights… in depthwise_convolution_fp() 138 … depthwise_convolution_quantized(const SimpleTensor<T> &src, const SimpleTensor<TW> &weights, cons… in depthwise_convolution_quantized() 238 …oat> depthwise_convolution(const SimpleTensor<float> &src, const SimpleTensor<float> &weights, con… in depthwise_convolution() 245 …<half> depthwise_convolution(const SimpleTensor<half> &src, const SimpleTensor<half> &weights, con… in depthwise_convolution() 252 …> depthwise_convolution(const SimpleTensor<uint8_t> &src, const SimpleTensor<uint8_t> &weights, co… in depthwise_convolution() 259 …t> depthwise_convolution(const SimpleTensor<uint8_t> &src, const SimpleTensor<int8_t> &weights, co… in depthwise_convolution() 266 …_t> depthwise_convolution(const SimpleTensor<int8_t> &src, const SimpleTensor<int8_t> &weights, co… in depthwise_convolution()
|
/aosp_15_r20/external/libgav1/src/dsp/x86/ |
H A D | intrapred_smooth_sse4.cc | 47 const __m128i& weights, in WriteSmoothHorizontalSum4() 63 const __m128i& weights, in SmoothDirectionalSum8() 71 const __m128i& weights, in WriteSmoothDirectionalSum8() 215 const __m128i weights = _mm_cvtepu8_epi32(Load4(kSmoothWeights)); in Smooth4x4_SSE4_1() local 549 const __m128i weights = _mm_cvtepu8_epi32(Load4(kSmoothWeights)); in SmoothHorizontal4x4_SSE4_1() local 570 const __m128i weights = _mm_cvtepu8_epi32(Load4(kSmoothWeights)); in SmoothHorizontal4x8_SSE4_1() local 603 const __m128i weights = _mm_cvtepu8_epi32(Load4(kSmoothWeights)); in SmoothHorizontal4x16_SSE4_1() local 657 const __m128i weights = _mm_cvtepu8_epi16(LoadLo8(kSmoothWeights + 4)); in SmoothHorizontal8x4_SSE4_1() local 687 const __m128i weights = _mm_cvtepu8_epi16(LoadLo8(kSmoothWeights + 4)); in SmoothHorizontal8x8_SSE4_1() local 707 const __m128i weights = _mm_cvtepu8_epi16(LoadLo8(kSmoothWeights + 4)); in SmoothHorizontal8x16_SSE4_1() local [all …]
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cuda/ |
H A D | MultiMarginLoss.cu | 25 scalar_t *output, const scalar_t *input, const int64_t *target, const scalar_t *weights, in MultiMarginLoss_forward_kernel() 71 const scalar_t *weights, int nframe, int dim, bool sizeAverage, scalar_t margin, in MultiMarginLoss_backward_kernel() 186 Tensor weights; in multi_margin_loss_cuda_out() local 291 const std::optional<Tensor> &weights, int64_t reduction) { in multi_margin_loss_cuda() 320 Tensor weights; in multi_margin_loss_cuda_backward_out() local 406 const Scalar &p, const Scalar &margin, const std::optional<Tensor> &weights, in multi_margin_loss_cuda_backward()
|
/aosp_15_r20/external/pytorch/caffe2/perfkernels/ |
H A D | embedding_lookup_idx_avx2.cc | 22 const float* weights, in EmbeddingLookupIdx_int32_t_float_float__avx2_fma() 419 const float* weights, in EmbeddingLookupIdx_int32_t_float_float_false__avx2_fma() 444 const float* weights, in EmbeddingLookupIdx_int32_t_float_float_true__avx2_fma() 471 const float* weights, in EmbeddingLookupIdx_int64_t_float_float__avx2_fma() 868 const float* weights, in EmbeddingLookupIdx_int64_t_float_float_false__avx2_fma() 893 const float* weights, in EmbeddingLookupIdx_int64_t_float_float_true__avx2_fma() 920 const float* weights, in EmbeddingLookupIdx_int32_t_half_float__avx2_fma() 1437 const float* weights, in EmbeddingLookupIdx_int32_t_half_float_false__avx2_fma() 1462 const float* weights, in EmbeddingLookupIdx_int32_t_half_float_true__avx2_fma() 1489 const float* weights, in EmbeddingLookupIdx_int64_t_half_float__avx2_fma() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/ops/ |
H A D | variable_ops.cc | 45 TRT_ShapedWeights* weights) { in ReadVariableHelper() 186 TRT_ShapedWeights weights; in ValidateImpl() local 219 TRT_ShapedWeights weights; in ConvertImpl() local 284 TRT_ShapedWeights weights; in ValidateImpl() local 322 TRT_ShapedWeights weights; in ConvertImpl() local
|