/external/u-boot/scripts/dtc/ |
flattree.c | 55 void (*beginnode)(void *, struct label *labels); 56 void (*endnode)(void *, struct label *labels); 57 void (*property)(void *, struct label *labels); 92 static void bin_emit_beginnode(void *e, struct label *labels) 97 static void bin_emit_endnode(void *e, struct label *labels) 102 static void bin_emit_property(void *e, struct label *labels) 186 static void asm_emit_beginnode(void *e, struct label *labels) 191 for_each_label(labels, l) { 199 static void asm_emit_endnode(void *e, struct label *labels) 206 for_each_label(labels, l) [all...] |
dtc.h | 58 extern int generate_symbols; /* generate symbols for nodes with labels */ 60 extern int auto_label_aliases; /* auto generate labels -> aliases */ 151 struct label *labels; member in struct:property 169 struct label *labels; member in struct:node 194 void add_label(struct label **labels, char *label); 195 void delete_labels(struct label **labels); 242 struct label *labels; member in struct:reserve_info
|
/external/v8/tools/ |
draw_instruction_graph.sh | 74 labels=`sed '/^[^#]/d' $file | \ 88 $labels
|
/external/autotest/server/lib/ |
status_history.py | 454 def get_multiple_histories(cls, afe, start_time, end_time, labels=()): 461 @param labels type: [str]. AFE labels to constrain the host query. 468 assert labels, ( 469 'Must specify labels for get_multiple_histories. ' 472 kwargs = {'multiple_labels': labels} 509 labels = [l for l in self._host.labels 511 return labels[0][len(prefix) : ] if labels else Non [all...] |
/external/toolchain-utils/crosperf/ |
experiment_runner.py | 32 has_llvm = any('llvm' in l.compiler for l in experiment.labels) 34 board = experiment.labels[0].board 76 for l in self._experiment.labels: 95 for l in self._experiment.labels: 114 experiment.labels[0].chromeos_root, 142 experiment.labels[0].chromeos_root, 229 for label in experiment.labels:
|
/external/tensorflow/tensorflow/contrib/eager/python/examples/spinn/ |
spinn_test.py | 49 labels = tf.random_uniform([batch_size], minval=1, maxval=4, dtype=tf.int64) 63 labels = labels.gpu() 68 return labels, prem, prem_trans, hypo, hypo_trans 283 (labels, prem, prem_trans, hypo, 299 loss1 = trainer.loss(labels, logits) 304 labels, prem, prem_trans, hypo, hypo_trans) 456 (labels, prem, prem_trans, hypo, 462 trainer.train_batch(labels, prem, prem_trans, hypo, hypo_trans) 467 trainer.train_batch(labels, prem, prem_trans, hypo, hypo_trans [all...] |
/external/dtc/ |
dtc.h | 58 extern int generate_symbols; /* generate symbols for nodes with labels */ 60 extern int auto_label_aliases; /* auto generate labels -> aliases */ 150 struct label *labels; member in struct:property 168 struct label *labels; member in struct:node 193 void add_label(struct label **labels, char *label); 194 void delete_labels(struct label **labels); 240 struct label *labels; member in struct:reserve_info
|
/external/tensorflow/tensorflow/python/training/ |
evaluation_test.py | 91 loss_op = losses.log_loss(labels=tf_labels, predictions=tf_predictions) 116 labels = constant_op.constant(self._labels, dtype=dtypes.float32) 121 update_op = accuracy.update_state(labels, predictions) 147 inputs, labels = training.batch([single_input, single_label], batch_size=6, 154 update_op = accuracy.update_state(labels, predictions)
|
/external/toolchain-utils/crb/ |
table_formatter.py | 146 # Replace labels with numbers: 0... n 171 labels = table[0] 174 for i in range(1, len(labels)): 175 label = labels[i] 189 labels = table[0] 193 label = labels[group[0]]
|
/external/v8/src/torque/ |
ast.h | 226 std::vector<std::string> labels) 231 labels(labels) {} 235 std::vector<std::string> labels; member in struct:v8::internal::torque::CallExpression 616 LabelAndTypesVector labels; member in struct:v8::internal::torque::CallableNodeSignature 622 const LabelAndTypesVector& labels) 625 signature(new CallableNodeSignature{parameters, return_type, labels}) {} 636 const LabelAndTypesVector& labels) 637 : CallableNode(kind, pos, name, parameters, return_type, labels), 648 const LabelAndTypesVector& labels) [all...] |
/external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/ |
linear_test.py | 144 """Same as the last test, but labels shape is [150] instead of [150, 1].""" 178 """Tests n_classes > 2 with label_keys vocabulary for labels.""" 191 labels = constant_op.constant( 194 return features, labels 267 """Same as the last test, but labels shape is [100] instead of [100, 1].""" 365 labels = constant_op.constant([[1], [0], [0], [0]], dtype=dtypes.float32) 373 return features, labels 375 def _my_metric_op(predictions, labels): 380 return math_ops.reduce_sum(math_ops.multiply(predictions, labels)) 444 """Tests logistic training with fractional labels."" [all...] |
/external/tensorflow/tensorflow/contrib/tensor_forest/client/ |
random_forest.py | 171 def _model_fn(features, labels, mode): 217 # labels might be None if we're doing prediction (which brings up the 221 if labels is not None and mode == model_fn_lib.ModeKeys.TRAIN: 225 features, labels, input_weights=weights, 260 labels=labels, 298 labels=labels, 409 labels which are the output of `input_fn` and returns features and 410 labels which will be fed into the model [all...] |
/external/autotest/venv/lucifer/ |
handlers.py | 244 labels = labellib.LabelsMapping.from_host(host) 247 'board': labels['board'], 248 'model': labels['model'], 266 labels = labellib.LabelsMapping.from_host(hqe.host) 267 fields['board'] = labels.get('board', '') 268 fields['pool'] = labels.get('pool', '')
|
/external/tensorflow/tensorflow/contrib/pi_examples/label_image/ |
label_image.cc | 54 // Takes a file name, and loads a list of labels from it, one per line, and 61 return tensorflow::errors::NotFound("Labels file ", file_name, 255 // Given the output of a model run, and the name of a file containing the labels 259 std::vector<string> labels; local 262 ReadLabelsFile(labels_file_name, &labels, &label_count); 276 LOG(INFO) << labels[label_index] << " (" << label_index << "): " << score; 312 string labels = local 326 Flag("labels", &labels, "name of file containing labels"), [all...] |
/external/tensorflow/tensorflow/core/kernels/ |
word2vec_kernels.cc | 77 Tensor labels(DT_INT32, TensorShape({batch_size_})); 78 auto Tlabels = labels.flat<int32>(); 103 ctx->set_output(6, labels); 138 // labels. 272 const Tensor& labels = ctx->input(3); variable 273 OP_REQUIRES(ctx, examples.shape() == labels.shape(), 274 errors::InvalidArgument("examples.shape == labels.shape")); 282 auto Tlabels = labels.flat<int32>();
|
/external/toolchain-utils/ |
test_toolchains.py | 205 def _TestLabels(self, labels): 225 for label in labels: 226 # TODO(asharif): Fix crosperf so it accepts labels with symbols 285 labels = [] 286 labels.append('vanilla') 292 labels.append(label) 294 self._TestLabels(labels)
|
/external/v8/src/ast/ |
prettyprinter.cc | 593 void AstPrinter::PrintLabels(ZonePtrList<const AstRawString>* labels) { 594 if (labels != nullptr) { 595 for (int i = 0; i < labels->length(); i++) { 596 PrintLiteral(labels->at(i), false); 752 void AstPrinter::PrintLabelsIndented(ZonePtrList<const AstRawString>* labels, 754 if (labels == nullptr || labels->length() == 0) return; 756 Print("LABELS "); 757 PrintLabels(labels); 833 PrintLabelsIndented(node->labels()); [all...] |
/external/autotest/server/ |
frontend.py | 534 labels = self.run('get_labels', **dargs) 535 return [Label(self, l) for l in labels] 863 labels, platform, protection, dirty, id 870 labels = list(set(self.labels) - set([self.platform])) 873 ', '.join(labels)) 904 def add_labels(self, labels): 905 self.afe.log('Adding labels %s to host %s' % (labels, self.hostname)) 906 return self.afe.run('host_add_labels', id=self.id, labels=labels [all...] |
/external/tensorflow/tensorflow/python/tpu/ |
tpu_estimator.py | 112 # tf.while_loop (This can be disabled by returning features and labels 716 # batch 0: images, labels, stop = 0 (user provided) 717 # batch 1: images, labels, stop = 0 (user provided) 719 # batch 99: images, labels, stop = 0 (user provided) 720 # batch 100: images, labels, stop = 1 (TPUEstimator appended) 753 '`features` and `labels` from `input_fn`') 754 features, labels = inputs.features_and_labels() 757 features, labels) 760 features, labels)) 791 '`features` and `labels`.' [all...] |
/external/vixl/test/ |
test-pool-manager.cc | 654 TestBranchObject *labels[], 661 labels[i] = new TestBranchObject(veneer_size, veneer_alignment); 669 labels[i]->AddReference(ref); 671 VIXL_ASSERT(!pool_manager->MustEmit(pc, branch_size, ref, labels[i])); 672 pool_manager->AddObjectReference(ref, labels[i]); 689 TestBranchObject *labels[kNumBranches]; local 695 labels, 767 // Finally, bind the labels. 769 pc = pool_manager.Bind(&masm, labels[i], pc); 770 delete labels[i] 788 TestBranchObject *labels[kNumBranches]; local [all...] |
/development/tools/mkstubs/src/com/android/mkstubs/stubber/ |
MethodStubber.java | 149 public void visitLookupSwitchInsn(Label dflt, int[] keys, Label[] labels) { 169 public void visitTableSwitchInsn(int min, int max, Label dflt, Label[] labels) {
|
/external/autotest/client/tests/iozone/ |
iozone.py | 88 labels = ('write', 'rewrite', 'read', 'reread', 'randread', 99 for l, v in zip(labels, fields[2:]):
|
/external/autotest/server/cros/dynamic_suite/ |
reporting.py | 66 self.labels = ['Test-Warning'] 69 self.labels = []
|
/external/clang/test/SemaCXX/ |
switch-implicit-fallthrough.cpp | 15 case 0: {// expected-warning{{unannotated fall-through between switch labels}} expected-note{{insert '[[clang::fallthrough]];' to silence this warning}} expected-note{{insert 'break;' to avoid fall-through}} 17 case 1: // expected-warning{{unannotated fall-through between switch labels}} expected-note{{insert '[[clang::fallthrough]];' to silence this warning}} expected-note{{insert 'break;' to avoid fall-through}} 19 case 3: // expected-warning{{unannotated fall-through between switch labels}} expected-note{{insert '[[clang::fallthrough]];' to silence this warning}} expected-note{{insert 'break;' to avoid fall-through}} 22 case 4: // expected-warning{{unannotated fall-through between switch labels}} expected-note{{insert '[[clang::fallthrough]];' to silence this warning}} expected-note{{insert 'break;' to avoid fall-through}} 25 case 5: // expected-warning{{unannotated fall-through between switch labels}} expected-note{{insert '[[clang::fallthrough]];' to silence this warning}} expected-note{{insert 'break;' to avoid fall-through}} 34 case 6: // expected-warning{{unannotated fall-through between switch labels}} expected-note{{insert '[[clang::fallthrough]];' to silence this warning}} expected-note{{insert 'break;' to avoid fall-through}} 36 case 66: // expected-warning{{unannotated fall-through between switch labels}} expected-note{{insert 'break;' to avoid fall-through}} 72 case 110: // expected-warning{{unannotated fall-through between switch labels}} but no fix-it hint as we have one fall-through annotation! 77 case 12: // no warning here, intended fall-through, no statement between labels 154 MY_SWITCH(n, 13, n *= 2, 14, break) // expected-warning{{unannotated fall-through between switch labels}} [all...] |
/external/jacoco/org.jacoco.core/src/org/jacoco/core/internal/flow/ |
LabelInfo.java | 170 * Resets the "done" status of all given labels. 172 * @param labels 173 * labels to reset 175 public static void resetDone(final Label[] labels) { 176 for (final Label label : labels) { 220 * labels are required during instrumentation to add probes to jump targets.
|