HomeSort by relevance Sort by last modified time
    Searched refs:labels (Results 376 - 400 of 725) sorted by null

<<11121314151617181920>>

  /external/javaparser/
CONTRIBUTING.md 7 - If you're new and like to casually contribute something, check out the [easy issues](https://github.com/javaparser/javaparser/labels/Easy).
10 Here are [some fun project ideas](https://github.com/javaparser/javaparser/labels/fun%20project%20idea).
  /external/llvm/test/MC/X86/AlignedBundling/
labeloffset.s 32 # The difference between the labels should be 0x20 (0x40-0x20) not 0x1b
40 # and for 2 adjacent labels that both point to the correct instruction
  /external/swiftshader/third_party/llvm-7.0/llvm/test/MC/X86/AlignedBundling/
labeloffset.s 32 # The difference between the labels should be 0x20 (0x40-0x20) not 0x1b
40 # and for 2 adjacent labels that both point to the correct instruction
  /external/tensorflow/tensorflow/contrib/model_pruning/examples/cifar10/
cifar10_eval.py 107 # Get images and labels for CIFAR-10.
109 images, labels = cifar10.inputs(eval_data=eval_data)
116 top_k_op = tf.nn.in_top_k(logits, labels, 1)
cifar10_train.py 60 # Get images and labels for CIFAR-10.
61 images, labels = cifar10.distorted_inputs()
68 loss = cifar10.loss(logits, labels)
  /external/tensorflow/tensorflow/contrib/seq2seq/python/ops/
loss.py 78 softmax_loss_function: Function (labels, logits) -> loss-batch
113 labels=targets, logits=logits_flat)
115 crossent = softmax_loss_function(labels=targets, logits=logits_flat)
  /external/tensorflow/tensorflow/contrib/tensor_forest/hybrid/python/models/
decisions_to_data_then_nn_test.py 111 labels = [1 for _ in range(100)]
117 graph = graph_builder.training_graph(data, labels, None)
  /external/tensorflow/tensorflow/contrib/training/python/training/
bucket_ops_test.py 340 labels = array_ops.placeholder(dtypes_lib.string, (labels_len,))
351 input_enqueue_op = input_queue.enqueue((lengths, data, labels))
375 (out_lengths, (data, labels)) = sess.run(
380 self.assertEqual(labels_len, labels.shape[1])
383 self.assertGreaterEqual(batch_size, labels.shape[0])
386 self.assertEqual((batch_size, labels_len), labels.shape)
388 for (lr, dr, tr) in zip(out_lengths, data, labels):
391 # Make sure data & labels match.
418 labels: pair[1]})
  /external/tensorflow/tensorflow/core/kernels/
xent_op.cc 54 "logits and labels must be broadcastable: logits_size=",
60 errors::InvalidArgument("logits and labels must be beither "
110 typename TTypes<T>::ConstMatrix labels,
115 logits, labels, scratch, loss, backprop);
  /external/tensorflow/tensorflow/examples/speech_commands/
train_test.py 52 def _saveWavFolders(self, root_dir, labels, how_many):
54 for label in labels:
  /external/tensorflow/tensorflow/lite/tutorials/
dataset.py 58 """Validate that filename corresponds to labels for the MNIST dataset."""
109 labels = tf.data.FixedLengthRecordDataset(
111 return tf.data.Dataset.zip((images, labels))
117 'train-labels-idx1-ubyte')
122 return dataset(directory, 't10k-images-idx3-ubyte', 't10k-labels-idx1-ubyte')
  /external/autotest/frontend/tko/
rpc_interface.py 196 'labels')
208 test_view['labels'] = [label.name for label in test.labels]
352 labels = models.TestLabel.list_objects({'id__in' : label_ids})
353 return rpc_utils.prepare_for_serialization(labels)
  /external/autotest/server/hosts/
remote.py 284 Return all labels, or empty list if label is not set.
290 all_labels = keyvals.get('labels', '')
370 """Return a list of labels for this given host.
372 This is the main way to retrieve all the automatic labels for a host
375 labels = []
385 labels.append(label)
387 labels.extend(label)
388 return labels
  /external/autotest/server/
site_host_attributes.py 41 We also consult the AFE database for its labels which are all treated as host
89 logging.info("Including labels for %s from database", host)
92 host_obj.labels.all()])
  /external/autotest/tko/
models.py 105 attributes, perf_values, labels):
117 self.labels = labels
343 for label in hostinfo.labels)
344 return {'labels': label_string, 'platform': hostinfo.model}
  /external/dtc/
dtc-parser.y 155 add_label(&$2->labels, $1);
175 add_label(&target->labels, $2);
252 add_label(&$2->labels, $1);
523 add_label(&$2->labels, $1);
treesource.c 130 /* Wrap up any labels at the end of the value */
159 /* Wrap up any labels at the end of the value */
187 /* Wrap up any labels at the end of the value */
243 for_each_label(tree->labels, l)
252 for_each_label(prop->labels, l)
275 for_each_label(re->labels, l)
  /external/grpc-grpc/tools/failures/
detect_new_failures.py 64 def create_gh_issue(title, body, labels, assignees=[]):
65 params = {'title': title, 'body': body, 'labels': labels}
89 labels = ['infra/New Failure']
112 create_gh_issue(title, body, labels, assignees)
  /external/syzkaller/vendor/golang.org/x/text/secure/bidirule/
bidirule.go 22 // A label is an individual component of a domain name. Labels are usually
24 // composed of three labels: "www", "example", and "com".
33 // o In a domain name consisting of only labels that satisfy the rule,
35 // labels and pure ASCII labels have to be tested.
37 // o In a domain name consisting of only LDH labels (as defined in the
38 // Definitions document [RFC5890]) and labels that satisfy the rule,
133 // The Bidi Rule does not have to be applied to labels of the category
151 // 5893. The Bidi Rule does not have to be applied to labels of the category
  /external/tensorflow/tensorflow/contrib/eager/python/examples/revnet/
main.py 205 def train_one_iter(model, inputs, labels, optimizer, global_step=None):
209 grads, loss = model.compute_gradients(saved_hiddens, labels)
224 loss = model.compute_loss(logits=logits, labels=y)
226 labels=tf.cast(y, tf.int64),
  /external/tensorflow/tensorflow/contrib/eager/python/examples/spinn/
data.py 351 (labels, premises, premise_transitions, hypotheses,
357 while begin < len(labels):
364 end = min(begin + batch_size, len(labels))
367 yield (labels[begin:end],
  /external/tensorflow/tensorflow/contrib/linear_optimizer/python/
sdca_estimator.py 76 def sdca_model_fn(features, labels, mode, params, config=None):
81 labels: `Tensor` of shape [batch_size, 1] or [batch_size] labels of
162 columns_to_variables, weight_column_name, loss_type, features, labels,
170 labels=labels,
246 labels which are the output of `input_fn` and returns features and
247 labels which will be fed into the model.
370 labels which are the output of `input_fn` and returns features and
371 labels which will be fed into the model
    [all...]
  /external/u-boot/scripts/dtc/
dtc-parser.y 155 add_label(&$2->labels, $1);
185 add_label(&target->labels, $2);
257 add_label(&$2->labels, $1);
528 add_label(&$2->labels, $1);
  /external/v8/src/torque/
file-visitor.cc 16 for (auto label : signature->labels) {
  /external/boringssl/src/util/fipstools/delocate/testdata/x86_64-LabelRewrite/
out.s 44 # References to local labels are left as-is in the first file.
60 # Local labels and their jumps are left alone.
66 # References to local labels are rewrittenn in subsequent files.

Completed in 1282 milliseconds

<<11121314151617181920>>