/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 182 def compute_loss(losses, weights, loss_collection, reduction): argument 221 labels, predictions, weights=1.0, scope=None, argument 276 labels, predictions, axis=None, weights=1.0, scope=None, argument 331 def hinge_loss(labels, logits, weights=1.0, scope=None, argument 382 def huber_loss(labels, predictions, weights=1.0, delta=1.0, scope=None, argument 459 def log_loss(labels, predictions, weights=1.0, epsilon=1e-7, scope=None, argument 518 labels, predictions, weights=1.0, scope=None, argument 575 def compute_loss(labels, predictions, weights, loss_collection): argument [all …]
|
/external/tensorflow/tensorflow/python/ops/ |
D | metrics_impl.py | 88 def _remove_squeezable_dimensions(predictions, labels, weights): argument 232 def _streaming_confusion_matrix(labels, predictions, num_classes, weights=None): argument 318 weights=None, argument 400 weights=None, argument 556 weights=None, argument 727 weights=None, argument 961 weights=None, argument 1023 weights=None, argument 1097 weights=None, argument 1202 weights=None, argument [all …]
|
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
|
/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 | 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
|
/external/ComputeLibrary/src/runtime/ |
D | IWeightsManager.cpp | 33 void IWeightsManager::manage(const ITensor *weights, ITransformWeights *parent) in manage() 51 ITensor *IWeightsManager::run(const ITensor *weights, ITransformWeights *weights_transform) in run() 112 bool IWeightsManager::are_weights_managed(const ITensor *weights) in are_weights_managed() 117 ITensor *IWeightsManager::acquire(const ITensor *weights, ITransformWeights *weights_transform) in acquire()
|
/external/tensorflow/tensorflow/python/keras/applications/ |
D | efficientnet.py | 217 weights='imagenet', argument 528 weights='imagenet', argument 554 weights='imagenet', argument 580 weights='imagenet', argument 606 weights='imagenet', argument 632 weights='imagenet', argument 658 weights='imagenet', argument 684 weights='imagenet', argument 710 weights='imagenet', argument
|
D | densenet.py | 129 weights='imagenet', argument 326 weights='imagenet', argument 339 weights='imagenet', argument 352 weights='imagenet', argument
|
/external/ComputeLibrary/src/runtime/NEON/functions/ |
D | NEDepthwiseConvolutionLayer.cpp | 40 Status validate_arguments_optimized(const ITensorInfo *input, const ITensorInfo *weights, const ITe… in validate_arguments_optimized() 83 … const ITensor *weights, in configure() 153 … const ITensorInfo *weights, in validate() 221 …r::NEDepthwiseConvolutionLayerGeneric::configure(ITensor *input, const ITensor *weights, const ITe… in configure() 270 …iseConvolutionLayerGeneric::validate(const ITensorInfo *input, const ITensorInfo *weights, const I… in validate() 346 void NEDepthwiseConvolutionLayer::configure(ITensor *input, const ITensor *weights, const ITensor *… in configure() 363 Status NEDepthwiseConvolutionLayer::validate(const ITensorInfo *input, const ITensorInfo *weights, … in validate() 380 …r::get_depthwiseconvolution_function(const ITensorInfo *input, const ITensorInfo *weights, const I… in get_depthwiseconvolution_function()
|
D | NEFullyConnectedLayer.cpp | 89 Status get_gemmlowp_output_stage_info(const ITensorInfo *input, const ITensorInfo *weights, const I… in get_gemmlowp_output_stage_info() 118 Status validate_mm(const ITensorInfo *input, const ITensorInfo *weights, const ITensorInfo *biases,… in validate_mm() 170 void NEFullyConnectedLayer::configure_mm(const ITensor *input, const ITensor *weights, const ITenso… in configure_mm() 205 void NEFullyConnectedLayer::configure_conv_fc(const ITensor *input, const ITensor *weights, const I… in configure_conv_fc() 228 void NEFullyConnectedLayer::configure_fc_fc(const ITensor *input, const ITensor *weights, const ITe… in configure_fc_fc() 236 void NEFullyConnectedLayer::configure(const ITensor *input, const ITensor *weights, const ITensor *… in configure() 332 Status NEFullyConnectedLayer::validate(const ITensorInfo *input, const ITensorInfo *weights, const … in validate()
|
D | NEWinogradConvolutionLayer.cpp | 48 …const ITensorInfo *weights, const ITensorInfo *biases, const ITensorInfo *output, const WinogradIn… in validate_kernel_3x3() 85 …const ITensorInfo *weights, const ITensorInfo *biases, const ITensorInfo *output, const WinogradIn… in validate_kernel_5x5() 98 …const ITensorInfo *weights, const ITensorInfo *biases, const ITensorInfo *output, const WinogradIn… in validate_kernel_3x1() 112 …const ITensorInfo *weights, const ITensorInfo *biases, const ITensorInfo *output, const WinogradIn… in validate_kernel_1x3() 127 …const ITensorInfo *weights, const ITensorInfo *biases, const ITensorInfo *output, const WinogradIn… in validate_kernel_5x1() 140 …const ITensorInfo *weights, const ITensorInfo *biases, const ITensorInfo *output, const WinogradIn… in validate_kernel_1x5() 154 …const ITensorInfo *weights, const ITensorInfo *biases, const ITensorInfo *output, const WinogradIn… in validate_kernel_7x1() 168 …const ITensorInfo *weights, const ITensorInfo *biases, const ITensorInfo *output, const WinogradIn… in validate_kernel_1x7() 193 Status validate_arguments(const ITensorInfo *input, const ITensorInfo *weights, const ITensorInfo *… in validate_arguments() 311 void NEWinogradConvolutionLayer::configure(const ITensor *input, const ITensor *weights, const ITen… in configure() [all …]
|
/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/ComputeLibrary/src/runtime/CL/functions/ |
D | CLFullyConnectedLayer.cpp | 56 Status construct_gemmlowp_output_stage(const ITensorInfo &input, const ITensorInfo &weights, const … in construct_gemmlowp_output_stage() 103 Status validate_mm(const ITensorInfo &input, const ITensorInfo &weights, const ITensorInfo *bias, c… in validate_mm() 168 …onst CLCompileContext &compile_context, const ICLTensor *input, const ICLTensor *weights, const IC… in configure_mm() 209 …onst CLCompileContext &compile_context, const ICLTensor *input, const ICLTensor *weights, const IC… in configure_conv_fc() 231 …onst CLCompileContext &compile_context, const ICLTensor *input, const ICLTensor *weights, const IC… in configure_fc_fc() 240 void CLFullyConnectedLayer::configure(const ICLTensor *input, const ICLTensor *weights, const ICLTe… in configure() 246 …onst CLCompileContext &compile_context, const ICLTensor *input, const ICLTensor *weights, const IC… in configure() 342 Status CLFullyConnectedLayer::validate(const ITensorInfo *input, const ITensorInfo *weights, const … in validate()
|
D | CLDeconvolutionLayer.cpp | 45 void CLDeconvolutionLayer::configure(ICLTensor *input, ICLTensor *weights, const ICLTensor *bias, I… in configure() 51 …nfigure(const CLCompileContext &compile_context, ICLTensor *input, ICLTensor *weights, const ICLTe… in configure() 78 Status CLDeconvolutionLayer::validate(const ITensorInfo *input, const ITensorInfo *weights, const I… in validate() 104 …utionLayer::get_deconvolution_method(const ITensorInfo *input, const ITensorInfo *weights, const I… in get_deconvolution_method()
|
D | CLDepthwiseConvolutionLayer.cpp | 49 Status validate_arguments_3x3(const ITensorInfo *input, const ITensorInfo *weights, const ITensorIn… in validate_arguments_3x3() 148 …CLDepthwiseConvolutionLayerGeneric::configure(ICLTensor *input, const ICLTensor *weights, const IC… in configure() 154 …gure(const CLCompileContext &compile_context, ICLTensor *input, const ICLTensor *weights, const IC… in configure() 238 …iseConvolutionLayerGeneric::validate(const ITensorInfo *input, const ITensorInfo *weights, const I… in validate() 374 …pthwiseConvolutionLayerInternal3x3::configure(ICLTensor *input, const ICLTensor *weights, const IC… in configure() 380 …gure(const CLCompileContext &compile_context, ICLTensor *input, const ICLTensor *weights, const IC… in configure() 500 …onvolutionLayerInternal3x3::validate(const ITensorInfo *input, const ITensorInfo *weights, const I… in validate() 570 void CLDepthwiseConvolutionLayer::configure(ICLTensor *input, const ICLTensor *weights, const ICLTe… in configure() 576 …gure(const CLCompileContext &compile_context, ICLTensor *input, const ICLTensor *weights, const IC… in configure() 601 Status CLDepthwiseConvolutionLayer::validate(const ITensorInfo *input, const ITensorInfo *weights, … in validate() [all …]
|
D | CLDirectConvolutionLayer.cpp | 45 void CLDirectConvolutionLayer::configure(ICLTensor *input, const ICLTensor *weights, const ICLTenso… in configure() 50 …gure(const CLCompileContext &compile_context, ICLTensor *input, const ICLTensor *weights, const IC… in configure() 80 Status CLDirectConvolutionLayer::validate(const ITensorInfo *input, const ITensorInfo *weights, con… in validate()
|
D | CLGEMMConvolutionLayer.cpp | 67 void CLConvolutionLayerReshapeWeights::configure(const ICLTensor *weights, const ICLTensor *biases,… in configure() 72 …hapeWeights::configure(const CLCompileContext &compile_context, const ICLTensor *weights, const IC… in configure() 89 Status CLConvolutionLayerReshapeWeights::validate(const ITensorInfo *weights, const ITensorInfo *bi… in validate() 128 …onst CLCompileContext &compile_context, const ICLTensor *input, const ICLTensor *weights, const IC… in configure_mm() 169 Status CLGEMMConvolutionLayer::validate_mm(const ITensorInfo *input, const ITensorInfo *weights, co… in validate_mm() 207 void CLGEMMConvolutionLayer::configure(const ICLTensor *input, const ICLTensor *weights, const ICLT… in configure() 213 …onst CLCompileContext &compile_context, const ICLTensor *input, const ICLTensor *weights, const IC… in configure() 432 Status CLGEMMConvolutionLayer::validate(const ITensorInfo *input, const ITensorInfo *weights, const… in validate()
|
/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
|
/external/ComputeLibrary/src/runtime/GLES_COMPUTE/functions/ |
D | GCFullyConnectedLayer.cpp | 47 void GCFullyConnectedLayer::configure_conv_fc(const IGCTensor *input, const IGCTensor *weights, IGC… in configure_conv_fc() 74 void GCFullyConnectedLayer::configure_fc_fc(const IGCTensor *input, const IGCTensor *weights, IGCTe… in configure_fc_fc() 82 void GCFullyConnectedLayer::configure(const IGCTensor *input, const IGCTensor *weights, const IGCTe… in configure()
|
D | GCConvolutionLayer.cpp | 44 void GCConvolutionLayerReshapeWeights::configure(const IGCTensor *weights, const IGCTensor *biases,… in configure() 75 void GCConvolutionLayer::configure_mm(const IGCTensor *input, const IGCTensor *weights, IGCTensor *… in configure_mm() 83 Status GCConvolutionLayer::validate_mm(const ITensorInfo *input, const ITensorInfo *weights, const … in validate_mm() 90 void GCConvolutionLayer::configure(const IGCTensor *input, const IGCTensor *weights, const IGCTenso… in configure()
|
/external/tensorflow/tensorflow/python/data/experimental/ops/ |
D | interleave_ops.py | 155 weights=None, argument 210 def _shapes_are_compatible(datasets, weights): argument 215 def _skip_datasets_with_zero_weight(datasets, weights): argument 289 weights=None, argument
|
/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()
|