Home
last modified time | relevance | path

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

12345678910>>...17

/external/tensorflow/tensorflow/python/ops/losses/
Dlosses_impl.py90 def _num_present(losses, weights, per_batch=False): argument
140 losses, weights=1.0, scope=None, loss_collection=ops.GraphKeys.LOSSES, argument
208 labels, predictions, weights=1.0, scope=None, argument
262 labels, predictions, axis=None, weights=1.0, scope=None, argument
316 def hinge_loss(labels, logits, weights=1.0, scope=None, argument
366 def huber_loss(labels, predictions, weights=1.0, delta=1.0, scope=None, argument
442 def log_loss(labels, predictions, weights=1.0, epsilon=1e-7, scope=None, argument
500 labels, predictions, weights=1.0, scope=None, argument
596 labels, predictions, weights=1.0, scope=None, argument
649 multi_class_labels, logits, weights=1.0, label_smoothing=0, scope=None, argument
[all …]
/external/tensorflow/tensorflow/python/ops/
Dmetrics_impl.py88 def _remove_squeezable_dimensions(predictions, labels, weights): argument
231 def _streaming_confusion_matrix(labels, predictions, num_classes, weights=None): argument
317 weights=None, argument
399 weights=None, argument
464 weights=None, argument
635 weights=None, argument
865 weights=None, argument
927 weights=None, argument
1001 weights=None, argument
1106 weights=None, argument
[all …]
Dweights_broadcast_ops.py63 def assert_broadcastable(weights, values): argument
136 def broadcast_weights(weights, values): argument
Dconfusion_matrix.py99 weights=None, argument
211 weights=None): argument
/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
Dembedding-network-params-from-flatbuffer.cc135 const EmbeddingNetworkParams::Matrix &weights, in GoodLayerGeometry()
220 Matrix weights = GetHiddenLayerMatrix(i); in ValidityChecking() local
238 Matrix weights = GetSoftmaxMatrix(); in ValidityChecking() local
339 const saft_fbs::Matrix *weights = layer->weights(); in SafeGetLayerWeights() local
/external/tensorflow/tensorflow/python/keras/saving/
Dhdf5_format.py214 def preprocess_weights_for_loading(layer, argument
233 def convert_nested_bidirectional(weights): argument
254 def convert_nested_time_distributed(weights): argument
269 def convert_nested_model(weights): argument
404 def _convert_rnn_weights(layer, weights): argument
488 def convert_lstm_weights(weights, from_cudnn=True): argument
525 def convert_gru_weights(weights, from_cudnn=True): argument
/external/tensorflow/tensorflow/python/keras/applications/
Defficientnet.py154 weights='imagenet', argument
458 weights='imagenet', argument
482 weights='imagenet', argument
506 weights='imagenet', argument
530 weights='imagenet', argument
554 weights='imagenet', argument
578 weights='imagenet', argument
602 weights='imagenet', argument
626 weights='imagenet', argument
Dresnet_v2.py29 weights='imagenet', argument
47 weights='imagenet', argument
65 weights='imagenet', argument
Ddensenet.py130 weights='imagenet', argument
305 weights='imagenet', argument
318 weights='imagenet', argument
331 weights='imagenet', argument
/external/tensorflow/tensorflow/lite/delegates/gpu/gl/kernels/
Dconv_test.cc46 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
84 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
121 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
158 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
195 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
Dtranspose_conv_test.cc46 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
85 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
126 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
165 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
203 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
Ddepthwise_conv_test.cc46 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
84 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
123 Tensor<OHWI, DataType::FLOAT32> weights; in TEST() local
/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()
/external/apache-commons-math/src/main/java/org/apache/commons/math/optimization/
DLeastSquaresConverter.java67 private final double[] weights; field in LeastSquaresConverter
113 final double[] observations, final double[] weights) in LeastSquaresConverter()
/external/freetype/src/base/
Dftlcdfil.c80 FT_LcdFiveTapFilter weights ) in ft_lcd_filter_fir()
186 FT_Byte* weights ) in _ft_lcd_filter_legacy()
292 unsigned char *weights ) in FT_Library_SetLcdFilterWeights()
398 unsigned char *weights ) in FT_Library_SetLcdFilterWeights()
/external/tensorflow/tensorflow/lite/delegates/gpu/cl/kernels/
Dfully_connected_texture.h75 const ::tflite::gpu::Tensor<OHWI, T>& weights, CLContext* context) { in UploadWeights()
94 const ::tflite::gpu::Tensor<OHWI, T>& weights, absl::Span<half4> dst) { in RearrangeWeightsFP16()
141 const ::tflite::gpu::Tensor<OHWI, T>& weights, absl::Span<float4> dst) { in RearrangeWeightsFP32()
Dconv_buffer_1x1.h93 Status ConvBuffer1x1::UploadData(const ::tflite::gpu::Tensor<OHWI, T>& weights, in UploadData()
107 const ::tflite::gpu::Tensor<OHWI, T>& weights, CLContext* context) { in UploadWeights()
Dconv_texture.h102 Status ConvTexture::UploadData(const ::tflite::gpu::Tensor<OHWI, T>& weights, in UploadData()
115 Status ConvTexture::UploadWeights(const ::tflite::gpu::Tensor<OHWI, T>& weights, in UploadWeights()
171 const ::tflite::gpu::Tensor<OHWI, S>& weights, absl::Span<T> dst_0, in RearrangeWeightsData()
/external/apache-commons-math/src/main/java/org/apache/commons/math/stat/descriptive/moment/
DVariance.java302 public double evaluate(final double[] values, final double[] weights, in evaluate()
358 public double evaluate(final double[] values, final double[] weights) { in evaluate()
490 public double evaluate(final double[] values, final double[] weights, in evaluate()
564 public double evaluate(final double[] values, final double[] weights, final double mean) { in evaluate()
/external/tensorflow/tensorflow/lite/kernels/
Dtranspose_conv.cc174 const TfLiteTensor* weights, in ResizeCol2ImTensor()
196 const TfLiteTensor* weights, in ResizeAndTransposeWeights()
253 const TfLiteTensor* weights = GetInput(context, node, kWeightsTensor); in Prepare() local
346 const TfLiteTensor* weights, in EvalFloat()
382 const TfLiteTensor* input, const TfLiteTensor* weights, in EvalQuantized()
432 const TfLiteTensor* weights, in EvalQuantizedPerChannel()
481 const TfLiteTensor* weights = GetInput(context, node, kWeightsTensor); in Eval() local
/external/libaom/libaom/test/
Dcnn_test.cc114 static void AssignLayerWeightsBiases(CNN_CONFIG *cnn_config, float *weights, in AssignLayerWeightsBiases()
158 float weights[] = { in TEST_F() local
359 float weights[] = { in TEST_F() local
407 float weights[] = { in TEST_F() local
522 float weights[] = { in TEST_F() local
1026 float weights[] = { in TEST_F() local
1088 float weights[] = { in TEST_F() local
1264 float weights[] = { in TEST_F() local
1442 float weights[] = { in TEST_F() local
1717 float weights[] = { in TEST_F() local
[all …]
/external/libaom/libaom/av1/encoder/x86/
Dml_sse3.c23 const float *const weights, in nn_propagate_8to1()
45 const float *const weights, in nn_propagate_4to1()
62 const float *const weights, __m128 *const outputs, in nn_propagate_4to4()
84 const float *const weights, __m128 *const out_h, in nn_propagate_4to8()
111 const float *const weights, __m128 *const outputs, in nn_propagate_8to4()
/external/tensorflow/tensorflow/lite/toco/graph_transformations/
Dfuse_binary_into_following_affine.cc45 const auto& weights = model->GetArray(following_op->inputs[1]); in FuseAddOrSubParamsIntoFollowingAffine() local
125 auto& weights = model->GetArray(weights_name); in FuseMulOrDivParamsIntoFollowingAffine() local
252 const auto& weights = model->GetArray(following_op->inputs[1]); in Run() local
/external/tensorflow/tensorflow/python/kernel_tests/
Dweights_broadcast_test.py41 def _test_valid(self, weights, values): argument
104 def _test_invalid(self, weights, values): argument
169 def _test_valid(self, weights, values, expected): argument
246 def _test_invalid(self, weights, values): argument

12345678910>>...17