| /external/tensorflow/tensorflow/python/ops/losses/ |
| D | losses_impl.py | 91 def _num_present(losses, weights, per_batch=False): argument 142 losses, weights=1.0, scope=None, loss_collection=ops.GraphKeys.LOSSES, argument 211 labels, predictions, weights=1.0, scope=None, argument 266 labels, predictions, axis=None, weights=1.0, scope=None, argument 321 def hinge_loss(labels, logits, weights=1.0, scope=None, argument 372 def huber_loss(labels, predictions, weights=1.0, delta=1.0, scope=None, argument 449 def log_loss(labels, predictions, weights=1.0, epsilon=1e-7, scope=None, argument 508 labels, predictions, weights=1.0, scope=None, argument 605 labels, predictions, weights=1.0, scope=None, argument 659 multi_class_labels, logits, weights=1.0, label_smoothing=0, scope=None, argument [all …]
|
| /external/tensorflow/tensorflow/python/ops/ |
| D | bincount_ops.py | 37 weights=None, argument 224 weights=None, argument 256 weights=None, argument 454 def validate_dense_weights(values, weights, dtype=None): argument 468 def validate_sparse_weights(values, weights, dtype=None): argument 502 def validate_ragged_weights(values, weights, dtype=None): argument
|
| D | metrics_impl.py | 88 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 …]
|
| D | weights_broadcast_ops.py | 64 def assert_broadcastable(weights, values): argument 138 def broadcast_weights(weights, values): argument
|
| D | confusion_matrix.py | 99 weights=None, argument 209 weights=None): argument
|
| /external/libtextclassifier/native/lang_id/common/flatbuffers/ |
| 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
|
| /external/tensorflow/tensorflow/python/keras/saving/ |
| D | hdf5_format.py | 231 def preprocess_weights_for_loading(layer, argument 250 def convert_nested_bidirectional(weights): argument 271 def convert_nested_time_distributed(weights): argument 286 def convert_nested_model(weights): argument 417 def _convert_rnn_weights(layer, weights): argument 501 def convert_lstm_weights(weights, from_cudnn=True): argument 538 def convert_gru_weights(weights, from_cudnn=True): argument
|
| /external/tensorflow/tensorflow/lite/delegates/gpu/gl/kernels/ |
| D | transpose_conv_test.cc | 46 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
|
| D | conv_test.cc | 46 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
|
| D | depthwise_conv_test.cc | 46 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/tensorflow/tensorflow/python/keras/applications/ |
| D | efficientnet.py | 205 weights='imagenet', argument 524 weights='imagenet', argument 550 weights='imagenet', argument 576 weights='imagenet', argument 602 weights='imagenet', argument 628 weights='imagenet', argument 654 weights='imagenet', argument 680 weights='imagenet', argument 706 weights='imagenet', argument
|
| D | densenet.py | 132 weights='imagenet', argument 324 weights='imagenet', argument 337 weights='imagenet', argument 350 weights='imagenet', argument
|
| D | resnet_v2.py | 35 weights='imagenet', argument 66 weights='imagenet', argument 97 weights='imagenet', argument
|
| /external/webrtc/modules/audio_processing/agc2/rnn_vad/ |
| D | rnn.cc | 79 rtc::ArrayView<const int8_t> weights, in GetPreprocessedFcWeights() 127 rtc::ArrayView<const float> weights, in ComputeGruUpdateResetGates() 147 rtc::ArrayView<const float> weights, in ComputeGruOutputGate() 170 rtc::ArrayView<const float> weights, in ComputeGruLayerOutput() 213 rtc::ArrayView<const float> weights, in ComputeFullyConnectedLayerOutput() 237 rtc::ArrayView<const float> weights, in ComputeFullyConnectedLayerOutputSse2() 272 const rtc::ArrayView<const int8_t> weights, in FullyConnectedLayer() 322 const rtc::ArrayView<const int8_t> weights, in GatedRecurrentLayer()
|
| /external/tensorflow/tensorflow/lite/delegates/gpu/common/tasks/ |
| D | conv_weights_converter_test_util.cc | 30 const Tensor<OHWI, DataType::FLOAT32>& weights, in ConvolutionWeightsConverterTest() 114 Tensor<OHWI, DataType::FLOAT32> weights; in ConverterToConvWeights1x1OutX4Test() local 148 Tensor<OHWI, DataType::FLOAT32> weights; in ConverterToConvWeights1x1OutX4UnalignedTest() local 181 Tensor<OHWI, DataType::FLOAT32> weights; in ConverterToConvWeights1x1OutX2Test() local 214 Tensor<OHWI, DataType::FLOAT32> weights; in ConverterToConvWeightsOutX2Test() local 249 Tensor<OHWI, DataType::FLOAT32> weights; in ConverterToConvTransposedWeights4x4Test() local 283 Tensor<OHWI, DataType::FLOAT32> weights; in ConverterToConvWeights4xTexturesTest() local
|
| D | conv_buffer_1x1.h | 107 void ConvBuffer1x1::UploadData(const tflite::gpu::Tensor<OHWI, T>& weights, in UploadData() 115 const tflite::gpu::Tensor<OHWI, T>& weights) { in UploadDataForWinograd4x4To6x6() 126 void ConvBuffer1x1::UploadWeights(const tflite::gpu::Tensor<OHWI, T>& weights) { in UploadWeights()
|
| D | depthwise_conv.h | 37 void RearrangeWeightsForDWConv2D(const tflite::gpu::Tensor<OHWI, S>& weights, in RearrangeWeightsForDWConv2D() 66 void UploadWeightsForDWConv2D(const tflite::gpu::Tensor<OHWI, T>& weights, in UploadWeightsForDWConv2D() 108 void RearrangeWeightsForDWConv3D(const tflite::gpu::Tensor<OHWDI, S>& weights, in RearrangeWeightsForDWConv3D() 140 void UploadWeightsForDWConv3D(const tflite::gpu::Tensor<OHWDI, T>& weights, in UploadWeightsForDWConv3D()
|
| /external/apache-commons-math/src/main/java/org/apache/commons/math/stat/descriptive/ |
| D | WeightedEvaluation.java | 35 double evaluate(double[] values, double[] weights); in evaluate() 47 double evaluate(double[] values, double[] weights, int begin, int length); in evaluate()
|
| /external/tensorflow/tensorflow/lite/delegates/gpu/common/task/ |
| D | weights_conversion.h | 37 const tflite::gpu::Tensor<OHWI, S>& weights, int out_group_size, in RearrangeWeightsToOHWIOGroupI4O4() 73 const tflite::gpu::Tensor<OHWI, S>& weights, int out_group_size, in RearrangeWeightsToOHWIOGroupO4I4() 109 const tflite::gpu::Tensor<OHWDI, S>& weights, int out_group_size, in RearrangeWeightsToODHWIOGroupI4O4() 147 const tflite::gpu::Tensor<OHWI, S>& weights, int out_group_size, in RearrangeWeightsToI4HWIOOGroupO4() 183 const tflite::gpu::Tensor<OHWI, S>& weights, int out_group_size, in RearrangeWeightsToO4HWIOOGroupI4() 219 const tflite::gpu::Tensor<OHWDI, S>& weights, int out_group_size, in RearrangeWeightsToI4DHWIOOGroupO4() 257 const tflite::gpu::Tensor<OHWI, S>& weights, in RearrangeWeightsToOICustomSpatialI4O4() 293 const tflite::gpu::Tensor<OHWI, S>& weights, in RearrangeWeightsToOICustomSpatialO4I4()
|
| /external/marisa-trie/tools/ |
| D | marisa-benchmark.cc | 134 std::vector<float> *weights) { in read_keys() 152 marisa::Keyset *keyset, std::vector<float> *weights) { in read_keys() 170 const std::vector<float> &weights, int num_tries, marisa::Trie *trie) { in benchmark_build() 259 void benchmark(marisa::Keyset &keyset, const std::vector<float> &weights, in benchmark() 275 std::vector<float> weights; in benchmark() local
|
| /external/tensorflow/tensorflow/lite/kernels/ |
| D | transpose_conv.cc | 169 const TfLiteTensor* weights, in ResizeCol2ImTensor() 191 const TfLiteTensor* weights, in ResizeAndTransposeWeights() 254 const TfLiteTensor* weights; in Prepare() local 397 const TfLiteTensor* weights, const TfLiteTensor* bias, in EvalFloat() 436 const TfLiteTensor* input, const TfLiteTensor* weights, in EvalQuantized() 488 OpData* data, const TfLiteTensor* input, const TfLiteTensor* weights, in EvalQuantizedPerChannel() 535 OpData* data, const TfLiteTensor* input, const TfLiteTensor* weights, in EvalQuantizedPerChannel16x8() 570 const TfLiteTensor* weights; in Eval() local
|
| /external/freetype/src/base/ |
| D | ftlcdfil.c | 79 FT_LcdFiveTapFilter weights ) in ft_lcd_filter_fir() 185 FT_Byte* weights ) in _ft_lcd_filter_legacy() 291 unsigned char *weights ) in FT_Library_SetLcdFilterWeights() 397 unsigned char *weights ) in FT_Library_SetLcdFilterWeights()
|
| /external/libaom/libaom/test/ |
| D | cnn_test.cc | 114 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/apache-commons-math/src/main/java/org/apache/commons/math/optimization/ |
| D | LeastSquaresConverter.java | 67 private final double[] weights; field in LeastSquaresConverter 113 final double[] observations, final double[] weights) in LeastSquaresConverter()
|
| /external/apache-commons-math/src/main/java/org/apache/commons/math/stat/descriptive/moment/ |
| D | Variance.java | 302 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()
|