Home
last modified time | relevance | path

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

123456789

/external/tensorflow/tensorflow/contrib/tensor_forest/client/
Deval_metrics.py46 def _accuracy(predictions, targets, weights=None): argument
51 def _r2(probabilities, targets, weights=None): argument
67 def _sigmoid_entropy(probabilities, targets, weights=None): argument
76 def _softmax_entropy(probabilities, targets, weights=None): argument
87 def _class_log_loss(probabilities, targets, weights=None): argument
95 def _precision(predictions, targets, weights=None): argument
100 def _precision_at_thresholds(predictions, targets, weights=None): argument
108 def _recall(predictions, targets, weights=None): argument
113 def _recall_at_thresholds(predictions, targets, weights=None): argument
121 def _auc(probs, targets, weights=None): argument
/external/tensorflow/tensorflow/contrib/losses/python/losses/
Dloss_ops.py44 def _scale_losses(losses, weights): argument
85 def compute_weighted_loss(losses, weights=1.0, scope=None): argument
125 def _num_present(losses, weights, per_batch=False): argument
240 def absolute_difference(predictions, labels=None, weights=1.0, scope=None): argument
279 weights=1.0, argument
330 weights=1.0, argument
380 def sparse_softmax_cross_entropy(logits, labels, weights=1.0, scope=None): argument
415 def log_loss(predictions, labels=None, weights=1.0, epsilon=1e-7, scope=None): argument
487 def mean_squared_error(predictions, labels=None, weights=1.0, scope=None): argument
526 weights=1.0, argument
[all …]
/external/tensorflow/tensorflow/contrib/metrics/python/ops/
Dmetric_ops.py52 weights=None, argument
98 weights=None, argument
144 weights=None, argument
190 weights=None, argument
233 weights=None, argument
283 weights=None, argument
339 weights=None, argument
398 weights=None, argument
456 weights=None, argument
510 weights=None, argument
[all …]
/external/tensorflow/tensorflow/contrib/boosted_trees/python/utils/
Dlosses.py30 def per_example_squared_hinge_loss(labels, weights, predictions): argument
35 def per_example_logistic_loss(labels, weights, predictions): argument
60 def per_example_quantile_regression_loss(labels, weights, predictions, argument
97 def per_example_maxent_loss(labels, weights, logits, num_classes, eps=1e-15): argument
157 def per_example_squared_loss(labels, weights, predictions): argument
175 def per_example_exp_loss(labels, weights, predictions, name=None, eps=0.1): argument
263 def per_example_full_exp_loss(labels, weights, predictions, name=None): argument
/external/tensorflow/tensorflow/python/ops/losses/
Dlosses_impl.py96 def _num_present(losses, weights, per_batch=False): argument
146 losses, weights=1.0, scope=None, loss_collection=ops.GraphKeys.LOSSES, argument
213 labels, predictions, weights=1.0, scope=None, argument
267 labels, predictions, axis=None, weights=1.0, scope=None, argument
321 def hinge_loss(labels, logits, weights=1.0, scope=None, argument
371 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
507 labels, predictions, weights=1.0, scope=None, argument
603 labels, predictions, weights=1.0, scope=None, argument
656 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
632 weights=None, argument
837 weights=None, argument
899 weights=None, argument
973 weights=None, argument
1078 weights=None, argument
[all …]
Dweights_broadcast_ops.py63 def assert_broadcastable(weights, values): argument
136 def broadcast_weights(weights, values): argument
Dconfusion_matrix.py97 weights=None, argument
209 weights=None): argument
/external/libtextclassifier/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/tensorflow/tensorflow/python/keras/saving/
Dhdf5_format.py277 def preprocess_weights_for_loading(layer, argument
296 def convert_nested_bidirectional(weights): argument
317 def convert_nested_time_distributed(weights): argument
332 def convert_nested_model(weights): argument
467 def _convert_rnn_weights(layer, weights): argument
551 def convert_lstm_weights(weights, from_cudnn=True): argument
588 def convert_gru_weights(weights, from_cudnn=True): argument
/external/tensorflow/tensorflow/contrib/learn/python/learn/
Dmetric_spec_test.py35 def _fn0(predictions, labels, weights=None): argument
41 def _fn1(predictions, targets, weights=None): argument
222 def _fn(predictions, labels, weights=None): argument
238 def _fn(labels, predictions, weights=None): argument
254 def _fn(predictions, labels, weights=None): argument
270 def _fn(predictions, labels, weights=None): argument
286 def _fn(predictions, labels, weights=None): argument
302 def _fn(predictions, labels, weights=None): argument
313 def _metric_fn(labels, predictions, weights=None): argument
328 def custom_metric(predictions, labels, stuff, weights=None): argument
[all …]
Dmetric_spec.py162 _sentinel=None, labels=None, predictions=None, weights=None): argument
178 _sentinel=None, labels=None, predictions=None, weights=None): argument
191 _sentinel=None, labels=None, predictions=None, weights=None): argument
204 _sentinel=None, labels=None, predictions=None, weights=None): argument
219 _sentinel=None, labels=None, predictions=None, weights=None): argument
/external/tensorflow/tensorflow/contrib/layers/python/layers/
Dregularizers.py62 def l1(weights, name=None): argument
101 def l2(weights): argument
156 def sum_reg(weights): argument
Dtarget_column.py431 def _run_metrics(predictions, labels, metrics, weights): argument
479 def _float_weights_or_none(weights): argument
485 def _labels_streaming_mean(unused_predictions, labels, weights=None): argument
489 def _predictions_streaming_mean(predictions, unused_labels, weights=None): argument
493 def _streaming_auc(predictions, labels, weights=None): argument
500 def _accuracy_metric(predictions, labels, weights=None): argument
511 def _streaming_metrics(predictions, labels, weights=None): argument
/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/tensorflow/tensorflow/contrib/learn/python/learn/ops/
Dlosses_ops.py37 def mean_squared_error_regressor(tensor_in, labels, weights, biases, name=None): argument
51 weights, argument
/external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/
Dhead.py559 def _mean_squared_loss(labels, logits, weights=None): argument
575 def _poisson_loss(labels, logits, weights=None): argument
783 def _metrics(self, eval_loss, predictions, labels, weights): argument
792 def _log_loss_with_two_classes(labels, logits, weights=None): argument
918 def _metrics(self, eval_loss, predictions, labels, weights): argument
964 def _softmax_cross_entropy_loss(labels, logits, weights=None): argument
1113 def _wrapped_loss_fn(self, labels, logits, weights=None): argument
1142 def _metrics(self, eval_loss, predictions, labels, weights): argument
1234 def _loss_fn(labels, logits, weights=None): argument
1305 def _metrics(self, eval_loss, predictions, labels, weights): argument
[all …]
/external/tensorflow/tensorflow/contrib/nn/python/ops/
Dsampling_ops.py31 def _rank_resample(weights, biases, inputs, sampled_values, num_resampled, argument
110 def rank_sampled_softmax_loss(weights, argument
247 def sampled_sparse_softmax_loss(weights, argument
/external/tensorflow/tensorflow/contrib/metrics/python/metrics/
Dclassification.py32 def accuracy(predictions, labels, weights=None, name=None): argument
70 def f1_score(labels, predictions, weights=None, num_thresholds=200, argument
/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.c81 FT_LcdFiveTapFilter weights ) in ft_lcd_filter_fir()
187 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/contrib/eager/python/
Dmetrics_impl.py313 def call(self, values, weights=None): argument
376 def call(self, labels, predictions, weights=None): argument
421 def call(self, labels, predictions, weights=None): argument
474 def call(self, labels, predictions, weights=None): argument
520 def call(self, labels, predictions, weights=None): argument
/external/tensorflow/tensorflow/contrib/gan/python/losses/python/
Dlosses_impl.py80 weights=1.0, argument
250 weights=1.0, argument
313 weights=1.0, argument
475 weights=1.0, argument
571 weights=1.0, argument
622 weights=1.0, argument
772 weights=1.0, argument
/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/contrib/tensor_forest/kernels/v4/
Dgrow_stats_test.cc78 std::vector<float> weights = {2.3, 20.3, 1.1}; in TEST() local
121 std::vector<float> weights = {2.3, 20.3, 1.1}; in TEST() local
177 std::vector<float> weights = {1, 1, 1}; in TEST() local
223 std::vector<float> weights = {1, 1}; in TEST() local
331 std::vector<float> weights = {2.3, 20.3, 1.1}; in TEST() local
400 std::vector<float> weights = {2.3, 20.3, 1.1}; in TEST() local

123456789