/external/tensorflow/tensorflow/python/kernel_tests/ |
D | ctc_loss_op_test.py | 316 num_labels = 6 321 [batch_size, max_label_length], minval=1, maxval=num_labels, 323 logits = random_ops.random_uniform([num_frames, batch_size, num_labels]) 366 num_labels = 6 370 logits = random_ops.random_uniform([num_frames, batch_size, num_labels]) 372 [batch_size, label_length], minval=1, maxval=num_labels, 420 num_labels = 6 423 logits = random_ops.random_uniform([num_frames, batch_size, num_labels]) 425 [batch_size, label_length], minval=1, maxval=num_labels, 474 num_labels = 6 [all …]
|
/external/llvm-project/compiler-rt/test/dfsan/ |
D | dump_labels.c | 39 unsigned long num_labels = 1 << (sizeof(dfsan_label) * 8); in main() local 40 for (unsigned long i = ijk_label + 1; i < num_labels - 2; ++i) { in main() 47 assert(l == num_labels - 2); in main()
|
/external/compiler-rt/test/dfsan/ |
D | dump_labels.c | 39 unsigned long num_labels = 1 << (sizeof(dfsan_label) * 8); in main() local 40 for (unsigned long i = ijk_label + 1; i < num_labels - 2; ++i) { in main() 47 assert(l == num_labels - 2); in main()
|
/external/tensorflow/tensorflow/core/grappler/costs/ |
D | analytical_cost_estimator_test.cc | 54 const int num_labels = 10; in CreateMiniGraph() local 61 auto labels = ops::RandomUniform(s.WithOpName("label"), {batch, num_labels}, in CreateMiniGraph() 77 {width * height * conv_filters, num_labels}, DT_FLOAT); in CreateMiniGraph() 78 auto b2 = ops::Variable(s.WithOpName("B2"), {num_labels}, DT_FLOAT); in CreateMiniGraph()
|
/external/tensorflow/tensorflow/python/ops/ |
D | ctc_ops.py | 468 num_labels = _get_dim(label_seq, 1) 470 num_label_states = num_labels + 1 550 def _ilabel_to_state(labels, num_labels, ilabel_log_probs): argument 556 one_hot = array_ops.one_hot(labels, depth=num_labels) 566 def _state_to_olabel(labels, num_labels, states): argument 574 depth=(num_labels - 1), 585 def _state_to_olabel_unique(labels, num_labels, states, unique): argument 601 batch_offset = math_ops.range(batch_size, dtype=unique_y.dtype) * num_labels 607 shape=[batch_size * num_labels, num_frames]) 608 scatter = array_ops.reshape(scatter, [batch_size, num_labels, num_frames]) [all …]
|
D | metrics_impl.py | 2995 num_labels = math_ops.reduce_sum( 3000 return math_ops.minimum(num_labels, k, name=scope)
|
/external/mesa3d/src/freedreno/afuc/ |
D | asm.c | 56 static unsigned num_labels; variable 68 struct asm_label *label = &labels[num_labels++]; in decl_label() 70 assert(num_labels < ARRAY_SIZE(labels)); in decl_label() 80 for (i = 0; i < num_labels; i++) { in resolve_label() 350 for (i = 0; i < num_labels; i++) { in emit_jumptable()
|
/external/tensorflow/tensorflow/core/kernels/linalg/ |
D | einsum_op_impl.h | 151 int num_labels = label_mapping.size(); in ParseEquation() local 155 input_label_counts->at(i).resize(num_labels); in ParseEquation() 163 output_label_counts->resize(num_labels); in ParseEquation() 172 label_types->resize(num_labels); in ParseEquation() 173 for (int label = 0; label < num_labels; ++label) { in ParseEquation() 648 int num_labels = label_types.size(); in Compute() local 652 for (int label = 0; label < num_labels; ++label) { in Compute() 656 for (int label = 0; label < num_labels; ++label) { in Compute() 699 std::vector<int> label_to_position(num_labels, -1); in Compute()
|
/external/tensorflow/tensorflow/python/keras/utils/ |
D | metrics_utils.py | 364 num_labels = 1 366 num_labels = gen_math_ops.Prod(input=pred_shape[1:], axis=0) 368 one_thresh, lambda: num_labels, 389 thresh_tiles = [1, num_predictions * num_labels]
|
/external/tflite-support/tensorflow_lite_support/examples/task/vision/desktop/ |
D | image_segmenter_demo.cc | 109 const int num_labels = segmentation.colored_labels_size(); in DisplayColorLegend() local 112 for (int index = 0; index < num_labels; ++index) { in DisplayColorLegend()
|
/external/tensorflow/tensorflow/lite/experimental/examples/lstm/ |
D | input_data.py | 81 num_labels = labels_dense.shape[0] 82 index_offset = numpy.arange(num_labels) * num_classes 83 labels_one_hot = numpy.zeros((num_labels, num_classes))
|
/external/tensorflow/tensorflow/python/keras/distribute/ |
D | keras_utils_test.py | 298 def __init__(self, num_labels): argument 300 self.dense = keras.layers.Dense(num_labels)
|
D | distribute_strategy_test.py | 98 def simple_subclassed_model(num_labels=_NUM_CLASS): argument 102 def __init__(self, num_labels): argument 104 self.dense = keras.layers.Dense(num_labels) 109 return _SimpleMLP(num_labels)
|
/external/tensorflow/tensorflow/tools/api/golden/v2/ |
D | tensorflow.metrics.-a-u-c.pbtxt | 137 …tion_method\', \'name\', \'dtype\', \'thresholds\', \'multi_label\', \'num_labels\', \'label_weigh…
|
D | tensorflow.keras.metrics.-a-u-c.pbtxt | 137 …tion_method\', \'name\', \'dtype\', \'thresholds\', \'multi_label\', \'num_labels\', \'label_weigh…
|
/external/tensorflow/tensorflow/tools/api/golden/v1/ |
D | tensorflow.keras.metrics.-a-u-c.pbtxt | 137 …tion_method\', \'name\', \'dtype\', \'thresholds\', \'multi_label\', \'num_labels\', \'label_weigh…
|
/external/tensorflow/tensorflow/python/keras/ |
D | metrics.py | 1970 num_labels=None, argument 2036 if num_labels: 2037 shape = tensor_shape.TensorShape([None, num_labels]) 2040 if num_labels:
|
/external/jline/ |
D | jline-3.13.3.jar | META-INF/MANIFEST.MF
META-INF/
org/
org/jline/
org/ ... |
/external/kotlinc/lib/ |
D | kotlin-compiler.jar | META-INF/
META-INF/MANIFEST.MF
META-INF/backend-common. ... |