/external/tensorflow/tensorflow/contrib/opt/python/training/ |
D | sign_decay.py | 56 decayed = math_ops.to_float(remaining_steps) / math_ops.to_float( 95 completed_fraction = math_ops.to_float(global_step) / math_ops.to_float( 146 num = math_ops.mod(num_periods * math_ops.to_float(global_step), 148 fraction = num / math_ops.to_float(decay_steps) 152 tmp = math_ops.to_float( 153 num_periods * global_step) / math_ops.to_float(decay_steps)
|
/external/tensorflow/tensorflow/contrib/losses/python/losses/ |
D | loss_ops.py | 129 losses = math_ops.to_float(losses) 130 weights = math_ops.to_float(ops.convert_to_tensor(weights)) 176 math_ops.to_float(array_ops.size(losses)), 177 math_ops.to_float(batch_size)) 188 math_ops.to_float(math_ops.not_equal(weights, 0)), 194 num_to_broadcast = math_ops.to_float(math_ops.reduce_prod(broadcast_dims)) 292 predictions = math_ops.to_float(predictions) 293 labels = math_ops.to_float(labels) 468 predictions = math_ops.to_float(predictions) 469 labels = math_ops.to_float(labels) [all …]
|
/external/tensorflow/tensorflow/python/ops/losses/ |
D | losses_impl.py | 138 weights = math_ops.to_float(weights) 194 losses = math_ops.to_float(losses) 195 weights = math_ops.to_float(weights) 257 predictions = math_ops.to_float(predictions) 258 labels = math_ops.to_float(labels) 309 predictions = math_ops.to_float(predictions) 310 labels = math_ops.to_float(labels) 349 logits = math_ops.to_float(logits) 350 labels = math_ops.to_float(labels) 413 predictions = math_ops.to_float(predictions) [all …]
|
/external/tensorflow/tensorflow/contrib/losses/python/metric_learning/ |
D | metric_loss_ops.py | 74 pairwise_distances_squared + math_ops.to_float(error_mask) * 1e-16) 78 pairwise_distances, math_ops.to_float(math_ops.logical_not(error_mask))) 117 math_ops.to_float(labels) * math_ops.square(distances) + 118 (1. - math_ops.to_float(labels)) * 291 labels_remapped = math_ops.to_float( 325 sparse_dot_product = math_ops.to_float( 397 labels_remapped = math_ops.to_float(multilabel_adjacency_matrix) 612 return math_ops.to_float( 620 ami_score = math_ops.to_float( 629 ari_score = math_ops.to_float( [all …]
|
/external/tensorflow/tensorflow/contrib/layers/python/layers/ |
D | target_column.py | 188 math_ops.to_float(features[self._weight_column_name]), shape=(-1,)) 256 math_ops.to_float(math_ops.reduce_sum(weight_tensor)), 326 labels_float = math_ops.to_float(labels) 402 return math_ops.square(logits - math_ops.to_float(target)) 410 labels=math_ops.to_float(target), logits=logits) 478 return math_ops.to_float(weights) 497 threshold_predictions = math_ops.to_float(
|
D | summaries.py | 93 standard_ops.to_float( 100 standard_ops.to_float(
|
/external/tensorflow/tensorflow/contrib/tensor_forest/python/ops/ |
D | data_ops.py | 47 return math_ops.to_float(tensor) 198 return math_ops.to_float( 209 return math_ops.to_float(sparse_ops.sparse_tensor_to_dense( 212 return math_ops.to_float(labels)
|
/external/tensorflow/tensorflow/contrib/slim/python/slim/nets/ |
D | resnet_v2_test.py | 57 return math_ops.to_float( 68 x = array_ops.reshape(math_ops.to_float(math_ops.range(9)), [1, 3, 3, 1]) 76 x = array_ops.reshape(math_ops.to_float(math_ops.range(16)), [1, 4, 4, 1]) 98 y1_expected = math_ops.to_float([[14, 28, 43, 26], [28, 48, 66, 37], 103 y2_expected = math_ops.to_float([[14, 43], [43, 84]]) 110 y4_expected = math_ops.to_float([[48, 37], [37, 22]]) 135 y1_expected = math_ops.to_float([[14, 28, 43, 58, 34], 143 y2_expected = math_ops.to_float([[14, 43, 34],
|
D | resnet_v1_test.py | 57 return math_ops.to_float( 68 x = array_ops.reshape(math_ops.to_float(math_ops.range(9)), [1, 3, 3, 1]) 76 x = array_ops.reshape(math_ops.to_float(math_ops.range(16)), [1, 4, 4, 1]) 98 y1_expected = math_ops.to_float([[14, 28, 43, 26], [28, 48, 66, 37], 103 y2_expected = math_ops.to_float([[14, 43], [43, 84]]) 110 y4_expected = math_ops.to_float([[48, 37], [37, 22]]) 135 y1_expected = math_ops.to_float([[14, 28, 43, 58, 34], [28, 48, 66, 84, 46], 142 y2_expected = math_ops.to_float([[14, 43, 34], [43, 84, 55], [34, 55, 30]])
|
/external/tensorflow/tensorflow/python/ops/ |
D | metrics_impl.py | 316 values = math_ops.to_float(values) 322 num_values = math_ops.to_float(array_ops.size(values)) 327 math_ops.to_float(weights), values) 406 is_correct = math_ops.to_float(math_ops.equal(predictions, labels)) 477 predictions=math_ops.to_float(predictions), 512 math_ops.to_float(weights), predictions) 526 is_true_positive = math_ops.to_float( 538 is_false_negative = math_ops.to_float( 550 is_true_negative = math_ops.to_float( 562 is_false_positive = math_ops.to_float( [all …]
|
D | spectral_grad.py | 139 input_size = math_ops.to_float(_FFTSizeForGrad(op.inputs[0], rank)) 164 rsize = math_ops.reciprocal(math_ops.to_float(_FFTSizeForGrad(grad, rank)))
|
/external/tensorflow/tensorflow/contrib/boosted_trees/python/utils/ |
D | losses.py | 40 labels = math_ops.to_float(labels) 77 labels = math_ops.to_float(labels) 210 labels = math_ops.to_float(labels)
|
/external/tensorflow/tensorflow/contrib/gan/python/losses/python/ |
D | losses_impl.py | 103 discriminator_gen_outputs = math_ops.to_float(discriminator_gen_outputs) 149 discriminator_real_outputs = math_ops.to_float(discriminator_real_outputs) 150 discriminator_gen_outputs = math_ops.to_float(discriminator_gen_outputs) 645 discriminator_gen_outputs = math_ops.to_float(discriminator_gen_outputs) 700 discriminator_real_outputs = math_ops.to_float(discriminator_real_outputs) 701 discriminator_gen_outputs = math_ops.to_float(discriminator_gen_outputs)
|
/external/mesa3d/src/amd/common/ |
D | ac_nir_to_llvm.c | 291 static LLVMValueRef to_float(struct nir_to_llvm_context *ctx, LLVMValueRef v) in to_float() function 735 src0 = to_float(ctx, src0); in emit_float_cmp() 736 src1 = to_float(ctx, src1); in emit_float_cmp() 748 to_float(ctx, src0), in emit_intrin_1f_param() 758 to_float(ctx, src0), in emit_intrin_2f_param() 759 to_float(ctx, src1), in emit_intrin_2f_param() 769 to_float(ctx, src0), in emit_intrin_3f_param() 770 to_float(ctx, src1), in emit_intrin_3f_param() 771 to_float(ctx, src2), in emit_intrin_3f_param() 891 LLVMValueRef fsrc0 = to_float(ctx, src0); in emit_ffract() [all …]
|
/external/skqp/gm/ |
D | hsl.cpp | 139 auto to_float = [&](SkColor c) { in blend() local 151 SkColor4f d = to_float(dst), in blend() 152 s = to_float(src); in blend()
|
/external/skia/gm/ |
D | hsl.cpp | 139 auto to_float = [&](SkColor c) { in blend() local 151 SkColor4f d = to_float(dst), in blend() 152 s = to_float(src); in blend()
|
/external/tensorflow/tensorflow/python/estimator/canned/ |
D | head.py | 320 weights = math_ops.to_float(weights, name='weights') 355 logits = math_ops.to_float(logits) 435 labels = math_ops.to_float(labels, name='labels') 477 predictions = math_ops.to_float(predictions, name='predictions') 485 predictions = math_ops.to_float(predictions, name='predictions') 497 threshold_predictions = math_ops.to_float( 1010 labels = math_ops.to_float(labels) 1248 labels = math_ops.to_float(labels) 1400 return math_ops.to_float(weights, name='weights')
|
D | head_test.py | 1899 math_ops.to_float(expected_loss), math_ops.to_float(loss), 1985 math_ops.to_float(expected_loss), math_ops.to_float(loss), 2051 math_ops.to_float(expected_loss), math_ops.to_float(loss)),)): 2267 math_ops.to_float(expected_loss), math_ops.to_float(loss), 2311 math_ops.to_float(expected_loss), math_ops.to_float(loss), 2978 math_ops.to_float(expected_loss), math_ops.to_float(loss), 3073 math_ops.to_float(expected_loss), math_ops.to_float(loss), 3186 math_ops.to_float(expected_loss), math_ops.to_float(loss), 3265 math_ops.to_float(expected_loss), math_ops.to_float(loss), 3414 math_ops.to_float(expected_loss), math_ops.to_float(loss), [all …]
|
/external/tensorflow/tensorflow/contrib/gan/python/eval/python/ |
D | summaries_impl.py | 141 math_ops.abs(math_ops.to_float(generated) - math_ops.to_float(real)) for
|
/external/tensorflow/tensorflow/contrib/factorization/python/ops/ |
D | gmm_ops.py | 56 num_points = math_ops.to_float(array_ops.shape(x)[0]) 300 self._probs[shard_id] = -0.5 * (diag_m + math_ops.to_float(self._dimensions) 324 math_ops.to_float(self._dimensions) * math_ops.log(2.0 * np.pi) + 404 num_examples = math_ops.to_float(math_ops.reduce_sum(final_points_in_k))
|
/external/tensorflow/tensorflow/contrib/linear_optimizer/python/ |
D | sdca_optimizer.py | 124 array_ops.reshape(math_ops.to_float(sparse_values), [-1])) 215 example_labels=math_ops.to_float(
|
/external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/ |
D | head.py | 553 loss = math_ops.square(logits - math_ops.to_float(labels), name=name) 778 labels = math_ops.to_float(labels) 1768 weight_tensor = math_ops.to_float(features[weight_column_name]) 1818 math_ops.to_float(math_ops.reduce_sum(weight)), 1937 labels=math_ops.to_float(labels), logits=logits, name=name) 1945 return math_ops.to_float(weights, name=name) 1949 labels = math_ops.to_float(labels) 1963 predictions = math_ops.to_float(predictions) 2005 predictions = math_ops.to_float(predictions) 2032 threshold_predictions = math_ops.to_float(
|
/external/tensorflow/tensorflow/contrib/signal/python/ops/ |
D | mfcc_ops.py | 108 return dct2 * math_ops.rsqrt(math_ops.to_float(num_mel_bins) * 2.0)
|
/external/tensorflow/tensorflow/contrib/metrics/python/ops/ |
D | metric_ops.py | 780 math_ops.to_float(weights), predictions) 794 is_true_positive = math_ops.to_float( 806 is_false_negative = math_ops.to_float( 818 is_true_negative = math_ops.to_float( 830 is_false_positive = math_ops.to_float( 2126 in_top_k = math_ops.to_float(nn.in_top_k(predictions, labels, k)) 3012 batch_count = math_ops.to_float(array_ops.size(labels)) # n_B in eqn 3568 num_values = math_ops.to_float(array_ops.size(values)) 3575 math_ops.to_float(weights), values)
|
/external/tensorflow/tensorflow/contrib/slim/python/slim/data/ |
D | prefetch_queue.py | 90 math_ops.to_float(queue.size()) * (1. / capacity))
|