Home
last modified time | relevance | path

Searched defs:weights (Results 1 – 25 of 1866) sorted by relevance

12345678910>>...75

/external/tensorflow/tensorflow/python/ops/losses/
Dlosses_impl.py88 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 …]
/external/ComputeLibrary/src/runtime/
DIWeightsManager.cpp33 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()
/external/tensorflow/tensorflow/python/ops/
Dmetrics_impl.py84 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 …]
Dbincount_ops.py33 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
/external/ComputeLibrary/src/cpu/operators/
DCpuDepthwiseConv2d.cpp40 Status validate_arguments_optimized(const ITensorInfo *src, const ITensorInfo *weights, const ITens… in validate_arguments_optimized()
76const ITensorInfo *weights, in configure()
139const 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 …]
DCpuFullyConnected.cpp83 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
DCpuGemmDirectConv2d.cpp46 …geInfo calculate_output_stage_metadata(const ITensorInfo *src, const ITensorInfo *weights, const I… in calculate_output_stage_metadata()
110 void CpuGemmDirectConv2d::configure(const ITensorInfo *src, const ITensorInfo *weights, const ITens… in configure()
156 Status CpuGemmDirectConv2d::validate(const ITensorInfo *src, const ITensorInfo *weights, const ITen… in validate()
220 const ITensor *weights = tensors.get_const_tensor(ACL_SRC_1); in prepare() local
/external/libtextclassifier/native/lang_id/common/flatbuffers/
Dembedding-network-params-from-flatbuffer.h93 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
/external/ComputeLibrary/src/gpu/cl/operators/
DClFullyConnected.cpp55 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
/external/tensorflow/tensorflow/python/keras/saving/
Dhdf5_format.py226 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
/external/tensorflow/tensorflow/lite/delegates/gpu/gl/kernels/
Dtranspose_conv_test.cc47 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
Dconv_test.cc47 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
Ddepthwise_conv_test.cc47 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
85 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
124 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
/external/ComputeLibrary/src/runtime/CL/functions/
DCLConv3D.cpp36 const ICLTensor *weights{ nullptr }; member
49 void CLConv3D::configure(const ICLTensor *src, const ICLTensor *weights, const ICLTensor *biases, I… in configure()
54 …(const CLCompileContext &compile_context, const ICLTensor *src, const ICLTensor *weights, const IC… in configure()
68 Status CLConv3D::validate(const ITensorInfo *src, const ITensorInfo *weights, const ITensorInfo *bi… in validate()
DCLDeconvolutionLayer.cpp47 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()
DCLDirectConvolutionLayer.cpp41 const ICLTensor *weights{ nullptr }; member
55 void CLDirectConvolutionLayer::configure(ICLTensor *input, const ICLTensor *weights, const ICLTenso… in configure()
60 …gure(const CLCompileContext &compile_context, ICLTensor *input, const ICLTensor *weights, const IC… in configure()
75 Status CLDirectConvolutionLayer::validate(const ITensorInfo *input, const ITensorInfo *weights, con… in validate()
DCLIndirectConvolutionLayer.cpp38 const ICLTensor *weights{ nullptr }; member
52 void CLIndirectConvolutionLayer::configure(ICLTensor *input, const ICLTensor *weights, const ICLTen… in configure()
57 …gure(const CLCompileContext &compile_context, ICLTensor *input, const ICLTensor *weights, const IC… in configure()
71 Status CLIndirectConvolutionLayer::validate(const ITensorInfo *input, const ITensorInfo *weights, c… in validate()
DCLWinogradConvolutionLayer.cpp39 const ICLTensor *weights{ nullptr }; member
57 void CLWinogradConvolutionLayer::configure(ICLTensor *input, const ICLTensor *weights, const ICLTen… in configure()
63 …gure(const CLCompileContext &compile_context, ICLTensor *input, const ICLTensor *weights, const IC… in configure()
85 Status CLWinogradConvolutionLayer::validate(const ITensorInfo *input, const ITensorInfo *weights, c… in validate()
/external/ComputeLibrary/src/cpu/kernels/
DCpuDepthwiseConv2dNativeKernel.cpp97 Status validate_arguments(const ITensorInfo *src, const ITensorInfo *weights, const ITensorInfo *bi… in validate_arguments()
146 void CpuDepthwiseConv2dNativeKernel::configure(const ITensorInfo *src, const ITensorInfo *weights, … in configure()
166 Status CpuDepthwiseConv2dNativeKernel::validate(const ITensorInfo *src, const ITensorInfo *weights,… in validate()
180 const auto weights = tensors.get_const_tensor(TensorType::ACL_SRC_1); in run_op() local
DCpuDirectConv2dKernel.cpp60 Status validate_arguments(const ITensorInfo *src, const ITensorInfo *weights, const ITensorInfo *ds… in validate_arguments()
107 void CpuDirectConv2dKernel::configure(ITensorInfo *src, ITensorInfo *weights, ITensorInfo *dst, con… in configure()
132 Status CpuDirectConv2dKernel::validate(const ITensorInfo *src, const ITensorInfo *weights, const IT… in validate()
149 auto weights = tensors.get_const_tensor(TensorType::ACL_SRC_1); in run_op() local
/external/tensorflow/tensorflow/lite/delegates/gpu/common/tasks/
Dconv_weights_converter_test_util.cc30 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
/external/webrtc/modules/audio_processing/agc2/rnn_vad/
Drnn_fc.cc36 std::vector<float> PreprocessWeights(rtc::ArrayView<const int8_t> weights, in PreprocessWeights()
70 const rtc::ArrayView<const int8_t> weights, in FullyConnectedLayer()
94 rtc::ArrayView<const float> weights(weights_); in ComputeOutput() local
/external/ComputeLibrary/src/runtime/NEON/functions/
DNEDirectConvolutionLayer.cpp37 const ITensor *weights{ nullptr }; member
49 void NEDirectConvolutionLayer::configure(ITensor *input, const ITensor *weights, const ITensor *bia… in configure()
59 Status NEDirectConvolutionLayer::validate(const ITensorInfo *input, const ITensorInfo *weights, con… in validate()
DNEDepthwiseConvolutionLayer.cpp44 const ITensor *weights member
68const ITensor *weights, in configure()
150const 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()
/external/apache-commons-math/src/main/java/org/apache/commons/math/stat/descriptive/
DWeightedEvaluation.java35 double evaluate(double[] values, double[] weights); in evaluate()
47 double evaluate(double[] values, double[] weights, int begin, int length); in evaluate()

12345678910>>...75