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

1 2 34 5 6 7 8 91011>>

  /external/autotest/server/hosts/
host_info.py 29 labels: The list of labels for this host.
33 __slots__ = ['labels', 'attributes']
35 # Constants related to exposing labels as more semantic properties.
46 def __init__(self, labels=None, attributes=None):
48 @param labels: (optional list) labels to set on the HostInfo.
51 self.labels = labels if labels is not None else [
    [all...]
host_info_unittest.py 39 labels=['label1', 'label2', 'label1'],
42 labels=['label1', 'label2', 'label1'],
51 info1 = host_info.HostInfo(labels=['label'])
60 self.info.labels = ['cros-version', 'fwrw-version', 'fwro-version']
66 self.info.labels = ['not-at-start-cros-version:cros1']
72 self.info.labels = ['fwrw-version:fwrw1', 'fwro-version:fwro1']
77 """When multiple labels match, first one should be used as build."""
78 self.info.labels = ['cros-version:cros1', 'cros-version:cros2']
84 self.info.labels = ['cheets-version:ab1', 'cros-version:cros1']
86 self.info.labels = ['cros-version:cros1', 'cheets-version:ab1'
    [all...]
  /external/autotest/site_utils/
diagnosis_utils.py 29 def __init__(self, labels, num_available, num_required, hosts):
34 @param labels: Labels required, including board an pool labels.
39 self.labels = labels
51 ' labels={this.labels!r},'
63 'Not enough DUTs for requirements: {this.labels};'
220 def diagnose_pool(self, labels, time_delta_hours, limit=10)
    [all...]
  /external/tensorflow/tensorflow/contrib/learn/python/learn/
metric_spec.py 37 '`labels`, `predictions`, and optionally `weights`.')
57 _CANONICAL_LABELS_ARG = 'labels'
116 This returns a function that takes only named args `labels`, `predictions`,
120 to be passed positionally). Otherwise, `labels` are omitted.
130 is_labels_required: Whether `labels` is a required arg.
134 Function accepting only named args `labels, `predictions`, and `weights`,
160 # Both labels and predictions are named args.
162 _sentinel=None, labels=None, predictions=None, weights=None):
165 labels_arg: labels,
174 # labels is a named arg, and first. predictions is not a named arg, so w
    [all...]
  /external/tensorflow/tensorflow/python/ops/
ctc_ops.py 46 def ctc_loss(labels, inputs=None, sequence_length=None,
65 max(labels.indices(labels.indices[:, 1] == b, 2))
75 `num_labels + 1` classes, where num_labels is the number of true labels, and
78 For example, for a vocabulary containing 3 labels `[a, b, c]`,
79 `num_classes = 4` and the labels indexing is `{a: 0, b: 1, c: 2, blank: 3}`.
85 before loss calculation, wherein repeated labels passed to the loss
86 are merged into single labels. This is useful if the training labels come
90 repeated non-blank labels will not be merged and are interprete
    [all...]
  /external/grpc-grpc/tools/run_tests/artifacts/
package_targets.py 80 self.labels = ['package', 'csharp', 'windows']
83 self.labels += ['unity']
86 self.labels += ['nuget']
115 self.labels = ['package', 'ruby', 'linux']
131 self.labels = ['package', 'python', 'linux']
147 self.labels = ['package', 'php', 'linux']
  /external/grpc-grpc/tools/run_tests/python_utils/
filter_pull_request_tests.py 30 def __init__(self, labels):
36 self.labels = labels
153 # test.labels[0] is platform and test.labels[2] is language
155 return [test for test in tests if test.labels[0] not in skippable_labels or \
156 test.labels[2] not in skippable_labels]
197 for label in test_suite.labels:
  /external/tensorflow/tensorflow/contrib/metrics/python/kernel_tests/
histogram_ops_test.py 62 labels = constant_op.constant([], shape=[0], dtype=dtypes.bool)
65 auc, update_op = histogram_ops.auc_using_histogram(labels, scores,
146 frac_true: Number in (0, 1). Expected fraction of resultant labels that
159 labels = array_ops.placeholder(dtypes.bool, shape=[num_records])
162 labels, scores, score_range, nbins=nbins)
168 update_op.run(feed_dict={labels: labels_a, scores: scores_a})
193 frac_true: Number in (0, 1). Expected fraction of resultant labels that
206 # the labels.
207 # So for AUC in [0, 1] we create False and True labels
228 labels = rng.binomial(1, frac_true, size=num_records).astype(bool
    [all...]
  /external/tensorflow/tensorflow/core/lib/monitoring/
collection_registry_test.cc 48 "/tensorflow/metric0", "An example metric with no labels.");
72 "/tensorflow/metric", "An example metric with no labels.");
87 "Counter with labels.", "MyLabel0", "MyLabel1"));
89 "/tensorflow/test/counter_without_labels", "Counter without labels."));
111 EXPECT_EQ("Counter with labels.", ld.description);
121 EXPECT_EQ("Counter without labels.", ud.description);
135 ASSERT_EQ(2, lps.points[0]->labels.size());
136 EXPECT_EQ("MyLabel0", lps.points[0]->labels[0].name);
137 EXPECT_EQ("Label00", lps.points[0]->labels[0].value);
138 EXPECT_EQ("MyLabel1", lps.points[0]->labels[1].name)
    [all...]
  /development/samples/ApiDemos/src/com/example/android/apis/accessibility/
TaskListActivity.java 43 String[] labels = {"Take out Trash", "Do Laundry", local
47 TaskAdapter myAdapter = new TaskAdapter(this, labels, checkboxes);
  /external/antlr/runtime/Ruby/test/unit/
test-tree-wizard.rb 254 @wizard.visit( tree, B ) do |node, parent, child_index, labels|
266 @wizard.visit( tree, C ) do |node, parent, child_index, labels|
278 @wizard.visit( tree, B ) do |node, parent, child_index, labels|
290 @wizard.visit( tree, A ) do |node, parent, child_index, labels|
305 @wizard.visit( tree, B ) do |node, parent, child_index, labels|
317 @wizard.visit( tree, A ) do |node, parent, child_index, labels|
328 @wizard.visit(tree, '(A B)') do |node, parent, child_index, labels|
340 @wizard.visit(tree, '(A B)') do |node, parent, child_index, labels|
347 def labeled_context(node, parent, index, labels, *names)
348 suffix = names.map { |n| labels[n].to_s }.join('&'
    [all...]
  /external/jacoco/org.jacoco.core/src/org/jacoco/core/internal/flow/
MethodProbesVisitor.java 100 * target labels will always have the same probe id within a call to this
110 * @param labels
111 * beginnings of the handler blocks. <code>labels[i]</code> is
122 final Label dflt, final Label[] labels, final IFrame frame) {
128 * target labels will always have the same probe id within a call to this
136 * @param labels
137 * beginnings of the handler blocks. <code>labels[i]</code> is
148 final int[] keys, final Label[] labels, final IFrame frame) {
  /external/minijail/
syscall_filter.h 37 struct bpf_labels *labels,
41 struct bpf_labels *labels, int use_ret_trap, int allow_logging,
  /external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/
estimator_test.py 54 def actual_loss(logits, labels):
57 labels = np.squeeze(labels, -1)
58 z = (labels - mu) / sigma
76 labels = np.float32([[-1.],
87 labels=labels,
94 loss = actual_loss(logits, labels)
  /external/tensorflow/tensorflow/contrib/eager/python/examples/revnet/
cifar_tfrecords.py 101 labels = data_dict[b'labels']
103 labels = data_dict[b'fine_labels']
107 labels = labels[:40000]
111 labels = labels[40000:]
113 num_entries_in_batch = len(labels)
120 'label': _int64_feature(labels[i])
  /external/tensorflow/tensorflow/contrib/libsvm/python/ops/
libsvm_ops.py 43 labels: A `Tensor` of the same shape as content.
45 labels, indices, values, shape = gen_libsvm_ops.decode_libsvm(
47 return sparse_tensor.SparseTensor(indices, values, shape), labels
  /external/tensorflow/tensorflow/core/kernels/hexagon/
graph_transfer_utils.h 34 GetTopNFloatResults(const float* const data, const string* const labels,
38 const string* const labels,
  /external/tensorflow/tensorflow/core/kernels/
xent_op_gpu.cu.cc 39 typename TTypes<T>::ConstMatrix labels,
44 logits, labels, scratch, loss,
  /external/tensorflow/tensorflow/examples/speech_commands/
label_wav_dir.py 17 The model, labels and .wav files specified in the arguments will be loaded, and
26 --labels=/tmp/speech_commands_train/conv_labels.txt \
56 """Read in labels, one label per line."""
60 def run_graph(wav_dir, labels, input_layer_name, output_layer_name,
78 # Sort to show labels in order of confidence
82 human_string = labels[node_id]
89 def label_wav(wav_dir, labels, graph, input_name, output_name, how_many_labels):
90 """Loads the model and labels, and runs the inference to print predictions."""
91 if not labels or not tf.gfile.Exists(labels)
    [all...]
  /external/tensorflow/tensorflow/python/keras/datasets/
cifar.py 26 def load_batch(fpath, label_key='labels'):
35 A tuple `(data, labels)`.
48 labels = d[label_key]
51 return data, labels
  /device/linaro/bootloader/edk2/AppPkg/Applications/Python/Python-2.7.2/Lib/lib2to3/pgen2/
grammar.py 61 labels -- a list of (x, y) pairs where x is either a token
70 keywords -- a dict mapping keyword strings to arc labels.
72 tokens -- a dict mapping token numbers to arc labels.
81 self.labels = [(0, "EMPTY")]
108 new.labels = self.labels[:]
124 print "labels"
125 pprint(self.labels)
  /device/linaro/bootloader/edk2/AppPkg/Applications/Python/Python-2.7.2/Tools/scripts/
gprof2html.py 38 labels = {}
45 labels[fname] = fname
60 if fname not in labels:
71 if part in labels:
  /external/dtc/tests/
value-labels.c 3 * Test labels within values
62 const struct val_label* labels, int n)
81 int off = labels[i].propoff;
86 p = dlsym(sohandle, labels[i].labelname);
92 "in property \"%s\"", labels[i].labelname,
  /external/perfetto/tools/
find_scan_roots.py 19 # the labels given on the command line.
49 def Mark(self, labels):
52 if self.marked or self.label not in labels:
58 child.Mark(labels)
84 parser.add_argument('labels', metavar='L', type=str, nargs='+',
85 help='labels we want to find')
89 if elem.Mark(args.labels):
  /external/python/cpython2/Lib/idlelib/
MultiStatusBar.py 9 self.labels = {}
12 if name not in self.labels:
15 self.labels[name] = label
17 label = self.labels[name]

Completed in 1161 milliseconds

1 2 34 5 6 7 8 91011>>