/aosp_15_r20/external/tensorflow/tensorflow/python/ops/ |
H A D | metrics_impl.py | 84 def _remove_squeezable_dimensions(predictions, labels, weights): argument 87 Squeezes last dim of `predictions` or `labels` if their rank differs by 1 99 labels: Optional label `Tensor` whose dimensions match `predictions`. 104 Tuple of `predictions`, `labels` and `weights`. Each of them possibly has 108 if labels is not None: 109 labels, predictions = confusion_matrix.remove_squeezable_dimensions( 110 labels, predictions) 111 predictions.get_shape().assert_is_compatible_with(labels.get_shape()) 114 return predictions, labels, None 120 return predictions, labels, weights [all …]
|
H A D | confusion_matrix.py | 29 labels, predictions, expected_rank_diff=0, name=None): argument 36 But, for example, if `labels` contains class IDs and `predictions` contains 1 38 `labels`, so `expected_rank_diff` would be 1. In this case, we'd squeeze 39 `labels` if `rank(predictions) - rank(labels) == 0`, and 40 `predictions` if `rank(predictions) - rank(labels) == 2`. 46 labels: Label values, a `Tensor` whose dimensions match `predictions`. 48 expected_rank_diff: Expected result of `rank(predictions) - rank(labels)`. 52 Tuple of `labels` and `predictions`, possibly with last dim squeezed. 55 [labels, predictions]): 57 labels = ops.convert_to_tensor(labels) [all …]
|
H A D | ctc_ops.py | 71 def ctc_loss(labels, argument 88 max(labels.indices(labels.indices[:, 1] == b, 2)) 98 `num_labels + 1` classes, where num_labels is the number of true labels, and 101 For example, for a vocabulary containing 3 labels `[a, b, c]`, 102 `num_classes = 4` and the labels indexing is `{a: 0, b: 1, c: 2, blank: 3}`. 108 before loss calculation, wherein repeated labels passed to the loss 109 are merged into single labels. This is useful if the training labels come 113 repeated non-blank labels will not be merged and are interpreted 114 as individual labels. This is a simplified (non-standard) version of CTC. 127 in the input labels before training. [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/ |
H A D | metrics_test.py | 50 def _binary_2d_label_to_2d_sparse_value(labels): argument 53 Only 1 values in `labels` are included in result. 56 labels: Dense 2D binary indicator, shape [batch_size, num_classes]. 60 is the number of `1` values in each row of `labels`. Values are indices 61 of `1` values along the last dimension of `labels`. 66 for row in labels: 78 shape = [len(labels), len(labels[0])] 84 def _binary_2d_label_to_1d_sparse_value(labels): argument 87 Only 1 values in `labels` are included in result. 90 labels: Dense 2D binary indicator, shape [batch_size, num_classes]. Each [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/losses/ |
H A D | losses_impl.py | 218 labels, predictions, weights=1.0, scope=None, argument 232 labels: The ground truth output tensor, same dimensions as 'predictions'. 235 `labels`, and must be broadcastable to `labels` (i.e., all dimensions must 243 shape as `labels`; otherwise, it is scalar. 247 `labels` or if the shape of `weights` is invalid or if `labels` 255 if labels is None: 256 raise ValueError("Argument `labels` must not be None.") 260 (predictions, labels, weights)) as scope: 262 labels = math_ops.cast(labels, dtype=dtypes.float32) 263 predictions.get_shape().assert_is_compatible_with(labels.get_shape()) [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/nn_ops/ |
H A D | ctc_loss_op_test.py | 63 def _ctc_loss_v2(labels, inputs, sequence_length, argument 73 labels=labels, 86 labels, argument 96 inputs=inputs_t, labels=labels, sequence_length=seq_lens) 227 labels = SimpleSparseTensorFrom([targets_0, targets_1]) 244 self._testCTCLoss(inputs, seq_lens, labels, loss_truth, grad_truth) 255 labels = SimpleSparseTensorFrom([[0, 1], [1, 0]]) 265 inputs=inputs_t, labels=labels, sequence_length=seq_lens) 268 labels=labels, 279 labels = SimpleSparseTensorFrom([[0, 1], [1, 0]]) [all …]
|
H A D | losses_test.py | 109 labels = constant_op.constant([1, 9, 2, -5, -2, 6], shape=(2, 3)) 110 losses.absolute_difference(labels, predictions) 118 labels = constant_op.constant([[1, 0, 0], [0, 1, 0], [0, 0, 1]]) 121 losses.softmax_cross_entropy(labels, logits, weights=None) 128 labels = constant_op.constant([[1, 0, 0], [0, 1, 0], [0, 0, 1]]) 129 loss = losses.softmax_cross_entropy(labels, logits) 137 labels = constant_op.constant([[0, 0, 1], [1, 0, 0], [0, 1, 0]]) 140 loss = losses.softmax_cross_entropy(labels, logits) 148 labels = constant_op.constant([[0, 0, 1], [1, 0, 0], [0, 1, 0]]) 151 loss = losses.softmax_cross_entropy(labels, logits, weights) [all …]
|
/aosp_15_r20/external/autotest/server/hosts/ |
H A D | base_label.py | 18 Decorator for labels that should exist forever once applied. 36 return (self._NAME in info.labels) or exists(self, host) 42 This class contains the scaffolding for the host-specific labels. 52 Return the list of labels generated for the host. 57 @return a list of labels applicable to the host. 66 This method is geared for the type of labels that indicate if the host 78 Return the list of labels. 90 Return all possible labels generated by this label class. 92 @returns a tuple of sets, the first set is for labels that are prefixes 93 like 'os:android'. The second set is for labels that are full [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/distribute/ |
H A D | metrics_v1_test.py | 29 # First four batches of x: labels, predictions -> (labels == predictions) 35 lambda x: {"labels": x % 5, "predictions": x % 3}).batch( 40 # First four batches of labels, predictions: {TP, FP, TN, FN} 47 "labels": [True, False, True, False], 53 # First four batches of labels, predictions: {TP, FP, TN, FN} 60 "labels": [True, False, True, False], 67 "labels": [1., .5, 1., 0.], 151 labels = x["labels"] 153 return metrics.accuracy(labels, predictions) 166 labels = x["labels"] [all …]
|
/aosp_15_r20/external/google-cloud-java/java-aiplatform/proto-google-cloud-aiplatform-v1beta1/src/main/java/com/google/cloud/aiplatform/v1beta1/ |
H A D | ImportDataConfigOrBuilder.java | 65 * Labels that will be applied to newly imported DataItems. If an identical 67 * labels will be appended to these of the already existing one, and if labels 70 * operation, the labels will be combined and if key collision happens in this 74 * These labels will be overridden by Annotation labels specified inside index 87 * Labels that will be applied to newly imported DataItems. If an identical 89 * labels will be appended to these of the already existing one, and if labels 92 * operation, the labels will be combined and if key collision happens in this 96 * These labels will be overridden by Annotation labels specified inside index 112 * Labels that will be applied to newly imported DataItems. If an identical 114 * labels will be appended to these of the already existing one, and if labels [all …]
|
/aosp_15_r20/external/google-cloud-java/java-aiplatform/proto-google-cloud-aiplatform-v1/src/main/java/com/google/cloud/aiplatform/v1/ |
H A D | ImportDataConfigOrBuilder.java | 65 * Labels that will be applied to newly imported DataItems. If an identical 67 * labels will be appended to these of the already existing one, and if labels 70 * operation, the labels will be combined and if key collision happens in this 74 * These labels will be overridden by Annotation labels specified inside index 87 * Labels that will be applied to newly imported DataItems. If an identical 89 * labels will be appended to these of the already existing one, and if labels 92 * operation, the labels will be combined and if key collision happens in this 96 * These labels will be overridden by Annotation labels specified inside index 112 * Labels that will be applied to newly imported DataItems. If an identical 114 * labels will be appended to these of the already existing one, and if labels [all …]
|
/aosp_15_r20/external/google-cloud-java/java-orchestration-airflow/proto-google-cloud-orchestration-airflow-v1/src/main/java/com/google/cloud/orchestration/airflow/service/v1/ |
H A D | UpdateEnvironmentRequest.java | 205 * labels in the same request. However, it is possible to update multiple 207 * to set the labels "label1" and "label2" while clearing "label3" (assuming 209 * provide the paths "labels.label1", "labels.label2", and "labels.label3" 212 * "labels":{ 217 * Note that in the above example, any existing labels that are not 248 * * `labels` 249 * * Replace all environment labels. If a replacement labels map is not 250 * included in `environment`, all labels are cleared. It is an error to 252 * labels. 253 * * `labels.`labelName [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/sparse_ops/ |
H A D | sparse_xent_op_test_base.py | 36 def _opFwdBwd(self, labels, logits): argument 42 labels=labels, logits=logits) 45 def _npXent(self, labels, logits): argument 47 labels = np.reshape(labels, [-1]) 55 labels_mat[np.arange(batch_size), labels] = 1.0 61 np_loss, np_gradient = self._npXent(labels=np_labels, logits=np_logits) 62 tf_loss, tf_gradient = self._opFwdBwd(labels=np_labels, logits=np_logits) 69 labels=np.array([0, 0, 0]).astype(label_dtype), 76 labels = [4, 3, 0, -1] 79 loss, gradient = self._opFwdBwd(labels=labels, logits=logits) [all …]
|
/aosp_15_r20/external/pytorch/third_party/ |
H A D | xnnpack.buck.bzl | 54 def define_xnnpack(third_party, labels = [], XNNPACK_WINDOWS_AVX512F_ENABLED = False): 81 labels = labels, 107 labels = labels, 141 labels = labels, 173 labels = labels, 207 labels = labels, 238 labels = labels, 280 labels = labels, 318 labels = labels, 361 labels = labels, [all …]
|
/aosp_15_r20/test/mlts/models/assets/models_list/ |
D | mobilenet_topk_aosp.json | 16 "labels": "image_classification/labels.txt", string 35 "labels": "image_classification/labels.txt", string 52 "labels": "image_classification/labels.txt", string 71 "labels": "image_classification/labels.txt", string 88 "labels": "image_classification/labels.txt", string 107 "labels": "image_classification/labels.txt", string 124 "labels": "image_classification/labels.txt", string 143 "labels": "image_classification/labels.txt", string 160 "labels": "image_classification/labels.txt", string 177 "labels": "image_classification/labels.txt", string [all …]
|
/aosp_15_r20/external/googleapis/google/apps/drive/labels/v2/ |
H A D | drivelabels_v2.yaml | 4 title: Drive Labels API 7 - name: google.apps.drive.labels.v2.LabelService 10 summary: An API for managing Drive Labels 14 - selector: 'google.apps.drive.labels.v2.LabelService.*' 17 https://www.googleapis.com/auth/drive.admin.labels, 18 https://www.googleapis.com/auth/drive.labels 19 - selector: google.apps.drive.labels.v2.LabelService.GetLabel 22 https://www.googleapis.com/auth/drive.admin.labels, 23 https://www.googleapis.com/auth/drive.admin.labels.readonly, 24 https://www.googleapis.com/auth/drive.labels, [all …]
|
H A D | label_service.proto | 17 package google.apps.drive.labels.v2; 21 import "google/apps/drive/labels/v2/label.proto"; 22 import "google/apps/drive/labels/v2/label_limits.proto"; 23 import "google/apps/drive/labels/v2/label_permission.proto"; 24 import "google/apps/drive/labels/v2/requests.proto"; 25 import "google/apps/drive/labels/v2/user_capabilities.proto"; 28 option go_package = "google.golang.org/genproto/googleapis/apps/drive/labels/v2;labels"; 31 option java_package = "com.google.apps.drive.labels.v2"; 34 // Manage metadata taxonomies based on Labels and Fields that may be used within 39 "https://www.googleapis.com/auth/drive.admin.labels," [all …]
|
/aosp_15_r20/external/googleapis/google/apps/drive/labels/v2beta/ |
H A D | drivelabels_v2beta.yaml | 4 title: Drive Labels API 7 - name: google.apps.drive.labels.v2beta.LabelService 10 summary: An API for managing Drive Labels 14 - selector: 'google.apps.drive.labels.v2beta.LabelService.*' 17 https://www.googleapis.com/auth/drive.admin.labels, 18 https://www.googleapis.com/auth/drive.labels 19 - selector: google.apps.drive.labels.v2beta.LabelService.GetLabel 22 https://www.googleapis.com/auth/drive.admin.labels, 23 https://www.googleapis.com/auth/drive.admin.labels.readonly, 24 https://www.googleapis.com/auth/drive.labels, [all …]
|
H A D | label_service.proto | 17 package google.apps.drive.labels.v2beta; 21 import "google/apps/drive/labels/v2beta/label.proto"; 22 import "google/apps/drive/labels/v2beta/label_limits.proto"; 23 import "google/apps/drive/labels/v2beta/label_permission.proto"; 24 import "google/apps/drive/labels/v2beta/requests.proto"; 25 import "google/apps/drive/labels/v2beta/user_capabilities.proto"; 28 option go_package = "google.golang.org/genproto/googleapis/apps/drive/labels/v2beta;labels"; 31 option java_package = "com.google.apps.drive.labels.v2beta"; 34 // Manage metadata taxonomies based on Labels and Fields that may be used within 39 "https://www.googleapis.com/auth/drive.admin.labels," [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/linalg/ |
H A D | einsum_op_impl.h | 56 using Labels = gtl::InlinedVector<int, 8>; variable 57 using OperandLabels = gtl::InlinedVector<Labels, 2>; 63 // Insert new (unnamed) broadcasting labels at the location of ellipsis. 65 int ellipsis_axis, Labels* labels, in InsertBroadcastLabels() 67 labels->erase(labels->begin() + ellipsis_axis); in InsertBroadcastLabels() 68 labels->insert(labels->begin() + ellipsis_axis, num_bcast_dims, 0); in InsertBroadcastLabels() 69 std::iota(labels->begin() + ellipsis_axis, in InsertBroadcastLabels() 70 labels->begin() + ellipsis_axis + num_bcast_dims, in InsertBroadcastLabels() 72 // Increment label counts. Since these are new labels, the count is set in InsertBroadcastLabels() 78 // (non-broadcasting) label as broadcasting labels don't have a fixed [all …]
|
/aosp_15_r20/external/google-cloud-java/java-orchestration-airflow/proto-google-cloud-orchestration-airflow-v1beta1/src/main/java/com/google/cloud/orchestration/airflow/service/v1beta1/ |
H A D | UpdateEnvironmentRequest.java | 205 * labels in the same request. However, it is possible to update multiple 207 * to set the labels "label1" and "label2" while clearing "label3" (assuming 209 * provide the paths "labels.label1", "labels.label2", and "labels.label3" 212 * "labels":{ 217 * Note that in the above example, any existing labels that are not 248 * * `labels` 249 * * Replace all environment labels. If a replacement labels map is not 250 * included in `environment`, all labels are cleared. It is an error to 252 * labels. 253 * * `labels.`labelName [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/core/lib/monitoring/ |
H A D | collection_registry_test.cc | 49 "/tensorflow/metric0", "An example metric with no labels."); in TEST() 73 "/tensorflow/metric", "An example metric with no labels."); in TEST() 85 "Counter with labels.", "MyLabel0", "MyLabel1")); in TEST() 87 "/tensorflow/test/counter_without_labels", "Counter without labels.")); in TEST() 109 EXPECT_EQ("Counter with labels.", ld.description); in TEST() 119 EXPECT_EQ("Counter without labels.", ud.description); in TEST() 133 ASSERT_EQ(2, lps.points[0]->labels.size()); in TEST() 134 EXPECT_EQ("MyLabel0", lps.points[0]->labels[0].name); in TEST() 135 EXPECT_EQ("Label00", lps.points[0]->labels[0].value); in TEST() 136 EXPECT_EQ("MyLabel1", lps.points[0]->labels[1].name); in TEST() [all …]
|
/aosp_15_r20/out/soong/.intermediates/libcore/core_oj_api_files/gen/gensrcs/libcore/ojluni/src/main/java/java/lang/runtime/ |
D | SwitchBootstraps.java | 45 * take additional static arguments corresponding to the {@code case} labels 97 * arguments are an array of case labels which must be non-null and of type 109 * returns the index of the first element in the {@code labels} array starting from 120 * If no element in the {@code labels} array matches the target, then 121 * the method of the call site return the length of the {@code labels} array. 124 * the length of the {@code labels} array (inclusive), 133 * @param labels case labels - {@code String} and {@code Integer} constants 138 * @throws IllegalArgumentException if any element in the labels array is null, if the 141 * or if {@code labels} contains an element that is not of type {@code String}, 151 Object... labels) { in typeSwitch() argument [all …]
|
/aosp_15_r20/out/soong/.intermediates/libcore/core_oj_api_files/gen/4/libcore/ojluni/src/main/java/java/lang/runtime/ |
D | SwitchBootstraps.java | 45 * take additional static arguments corresponding to the {@code case} labels 97 * arguments are an array of case labels which must be non-null and of type 109 * returns the index of the first element in the {@code labels} array starting from 120 * If no element in the {@code labels} array matches the target, then 121 * the method of the call site return the length of the {@code labels} array. 124 * the length of the {@code labels} array (inclusive), 133 * @param labels case labels - {@code String} and {@code Integer} constants 138 * @throws IllegalArgumentException if any element in the labels array is null, if the 141 * or if {@code labels} contains an element that is not of type {@code String}, 151 Object... labels) { in typeSwitch() argument [all …]
|
/aosp_15_r20/libcore/ojluni/src/main/java/java/lang/runtime/ |
H A D | SwitchBootstraps.java | 45 * take additional static arguments corresponding to the {@code case} labels 97 * arguments are an array of case labels which must be non-null and of type 109 * returns the index of the first element in the {@code labels} array starting from 120 * If no element in the {@code labels} array matches the target, then 121 * the method of the call site return the length of the {@code labels} array. 124 * the length of the {@code labels} array (inclusive), 133 * @param labels case labels - {@code String} and {@code Integer} constants 138 * @throws IllegalArgumentException if any element in the labels array is null, if the 141 * or if {@code labels} contains an element that is not of type {@code String}, 151 Object... labels) { in typeSwitch() argument [all …]
|