HomeSort by relevance Sort by last modified time
    Searched refs:dataset (Results 101 - 125 of 208) sorted by null

1 2 3 45 6 7 8 9

  /developers/build/prebuilts/gradle/AutofillFramework/kotlinApp/Application/src/main/java/com/example/android/autofillframework/multidatasetservice/
AuthActivity.kt 25 import android.service.autofill.Dataset
44 * It is launched when an Autofill Response or specific Dataset within the Response requires
112 private fun setDatasetIntent(dataset: Dataset) {
113 replyIntent?.putExtra(EXTRA_AUTHENTICATION_RESULT, dataset)
118 // Unique autofillId for dataset intents.
  /developers/samples/android/input/autofill/AutofillFramework/kotlinApp/Application/src/main/java/com/example/android/autofillframework/multidatasetservice/
AuthActivity.kt 25 import android.service.autofill.Dataset
44 * It is launched when an Autofill Response or specific Dataset within the Response requires
112 private fun setDatasetIntent(dataset: Dataset) {
113 replyIntent?.putExtra(EXTRA_AUTHENTICATION_RESULT, dataset)
118 // Unique autofillId for dataset intents.
  /external/tensorflow/tensorflow/contrib/eager/python/examples/gan/
mnist.py 99 """Generator of handwritten digits similar to the ones in the MNIST dataset.
203 dataset, log_interval, noise_dim):
204 """Trains `generator` and `discriminator` models on `dataset`.
211 dataset: Dataset of images to train on.
219 for (batch_index, images) in enumerate(tfe.Iterator(dataset)):
269 dataset = (tf.data.Dataset
298 dataset, FLAGS.log_interval, FLAGS.noise)
  /external/tensorflow/tensorflow/contrib/eager/python/examples/mnist/
mnist.py 119 def train_one_epoch(model, optimizer, dataset, log_interval=None):
120 """Trains model on `dataset` using `optimizer`."""
124 for (batch, (images, labels)) in enumerate(tfe.Iterator(dataset)):
138 def test(model, dataset):
139 """Perform an evaluation of `model` on the examples from `dataset`."""
143 for (images, labels) in tfe.Iterator(dataset):
156 """Returns training and test tf.data.Dataset objects."""
158 train_ds = tf.data.Dataset.from_tensor_slices((data.train.images,
160 test_ds = tf.data.Dataset.from_tensors((data.test.images, data.test.labels))
  /external/tensorflow/tensorflow/core/kernels/data/
flat_map_dataset_op.cc 19 #include "tensorflow/core/kernels/data/dataset.h"
54 *output = new Dataset(ctx, input, func_, std::move(captured_func),
59 class Dataset : public GraphDatasetBase {
61 Dataset(OpKernelContext* ctx, const DatasetBase* input,
75 ~Dataset() override { input_->Unref(); }
91 string DebugString() override { return "FlatMapDatasetOp::Dataset"; }
125 class Iterator : public DatasetIterator<Dataset> {
128 : DatasetIterator<Dataset>(params),
129 input_impl_(params.dataset->input_->MakeIterator(params.prefix)) {}
157 // Get the next element from the input dataset
    [all...]
batch_dataset_op.cc 18 #include "tensorflow/core/kernels/data/dataset.h"
41 *output = new Dataset(ctx, batch_size, input);
45 class Dataset : public GraphDatasetBase {
47 Dataset(OpKernelContext* ctx, int64 batch_size, const DatasetBase* input)
52 // we could tell statically that the input dataset is infinite,
62 ~Dataset() override { input_->Unref(); }
79 return strings::StrCat("BatchDatasetOp(", batch_size_, ")::Dataset");
95 class Iterator : public DatasetIterator<Dataset> {
98 : DatasetIterator<Dataset>(params),
99 input_impl_(params.dataset->input_->MakeIterator(params.prefix)) {
    [all...]
concatenate_dataset_op.cc 17 #include "tensorflow/core/kernels/data/dataset.h"
34 "input dataset and dataset to concatenate"
38 *output = new Dataset(ctx, input, to_concatenate);
42 class Dataset : public GraphDatasetBase {
44 explicit Dataset(OpKernelContext* ctx, const DatasetBase* input,
59 ~Dataset() override {
78 string DebugString() override { return "ConcatenateDatasetOp::Dataset"; }
94 class Iterator : public DatasetIterator<Dataset> {
97 : DatasetIterator<Dataset>(params)
    [all...]
iterator_ops.cc 25 #include "tensorflow/core/kernels/data/dataset.h"
133 return errors::Internal("Error parsing dataset GraphDef.");
138 DatasetBase* dataset = nullptr; local
152 TF_RETURN_IF_ERROR(GetDatasetFromVariantTensor(outputs[0], &dataset));
154 TF_RETURN_IF_ERROR(set_iterator(dataset->MakeIterator("Iterator")));
577 DatasetBase* dataset; variable
578 OP_REQUIRES_OK(ctx, GetDatasetFromVariantTensor(ctx->input(0), &dataset));
583 dataset->MakeIterator("Iterator")));
603 DatasetBase* dataset;
605 ctx, GetDatasetFromVariantTensor(ctx->input(0), &dataset), done)
800 DatasetBase* dataset; local
    [all...]
group_by_window_dataset_op.cc 21 #include "tensorflow/core/kernels/data/dataset.h"
89 *output = new Dataset(
96 class Dataset : public GraphDatasetBase {
98 Dataset(OpKernelContext* ctx, const DatasetBase* input,
119 ~Dataset() override { input_->Unref(); }
134 string DebugString() override { return "GroupByWindowDatasetOp::Dataset"; }
198 class Iterator : public DatasetIterator<Dataset> {
201 : DatasetIterator<Dataset>(params),
202 input_impl_(params.dataset->input_->MakeIterator(params.prefix)) {}
226 // Iterate through the input dataset until we get a ful
    [all...]
tensor_dataset_op.cc 17 #include "tensorflow/core/kernels/data/dataset.h"
31 // Create a new TensorDatasetOp::Dataset, insert it in the step
42 *output = new Dataset(ctx, std::move(components));
46 class Dataset : public GraphDatasetBase {
48 Dataset(OpKernelContext* ctx, std::vector<Tensor> tensors)
67 string DebugString() override { return "TensorDatasetOp::Dataset"; }
87 class Iterator : public DatasetIterator<Dataset> {
90 : DatasetIterator<Dataset>(params), produced_(false) {}
97 *out_tensors = dataset()->tensors_;
  /external/tensorflow/tensorflow/examples/get_started/regression/
linear_regression.py 33 (train, test) = imports85.dataset()
  /developers/samples/android/input/autofill/AutofillFramework/afservice/src/main/java/com/example/android/autofill/service/simple/
BasicService.java 22 import android.service.autofill.Dataset;
88 Dataset.Builder dataset = new Dataset.Builder(); local
93 // We're simple - our dataset values are hardcoded as "hintN" (for example,
98 dataset.setValue(id, AutofillValue.forText(value), presentation);
100 response.addDataset(dataset.build());
195 * Helper method to create a dataset presentation with the given text.
  /external/tensorflow/tensorflow/contrib/data/python/kernel_tests/
dataset_constructor_op_test.py 38 dataset = dataset_ops.Dataset.from_tensors(components)
49 new = batching._RestructuredDataset(dataset, new_types, new_shape_lists)
69 new = batching._RestructuredDataset(dataset, new_types, new_shape_lists)
79 return dataset_ops.Dataset.from_tensors(components)
91 return dataset_ops.Dataset.from_tensor_slices(components)
118 return dataset_ops.Dataset.from_sparse_tensor_slices(sparse_components)
map_dataset_op_test.py 47 dataset = (
48 dataset_ops.Dataset.from_tensor_slices(components)
51 iterator = dataset.make_initializable_iterator()
65 dataset = (
66 dataset_ops.Dataset.from_tensor_slices(components).map(
69 iterator = dataset.make_initializable_iterator()
89 dataset = (
90 dataset_ops.Dataset.from_tensor_slices(filenames).map(
93 iterator = dataset.make_initializable_iterator()
124 return dataset_ops.Dataset.range(10).map(_map_fn
    [all...]
  /external/tensorflow/tensorflow/contrib/eager/python/
evaluator.py 42 Or, if you are getting your examples from a tf.data.Dataset, you can use
131 def evaluate_on_dataset(self, dataset, *args, **kwargs):
132 """Convenience method for performing an eval on a Dataset.
135 dataset: Dataset object with the input data to evaluate on.
162 call_op = self.__call__(dataset.make_one_shot_iterator().get_next(),
168 for example in datasets.Iterator(dataset):
  /external/tensorflow/tensorflow/python/data/kernel_tests/
iterator_ops_test.py 55 dataset = dataset_ops.Dataset.from_tensor_slices(component).map(add)
56 value = dataset.make_one_shot_iterator().get_next()
66 dataset = (dataset_ops.Dataset.from_tensor_slices([0.0, 1.0, 2.0])
69 ValueError, r"`Dataset.make_one_shot_iterator\(\)` does not support "
71 dataset.make_one_shot_iterator()
81 iterator = (dataset_ops.Dataset.from_tensor_slices(components).map(_map_fn)
106 iterator = (dataset_ops.Dataset.from_tensor_slices(tensor_components)
130 iterator = (dataset_ops.Dataset.from_tensor_slices(components
    [all...]
batch_dataset_op_test.py 41 """Test an dataset that maps a TF function across its input elements."""
55 dataset_ops.Dataset.from_tensor_slices(components).map(_map_fn)
117 iterator = dataset_ops.Dataset.range(10).map(_sparse).batch(
144 iterator = dataset_ops.Dataset.range(10).map(_sparse).batch(
174 iterator = dataset_ops.Dataset.range(10).map(_sparse).batch(5).batch(
200 dataset_ops.Dataset.from_generator(
218 dataset_ops.Dataset.from_tensor_slices(seq_lens)
282 dataset_ops.Dataset.from_tensor_slices(seq_lens).map(fill_tuple)
325 dataset = dataset_ops.Dataset.from_generator
    [all...]
  /frameworks/base/services/autofill/java/com/android/server/autofill/
Helper.java 25 import android.service.autofill.Dataset;
64 * Maximum number of visible datasets in the dataset picker UI.
101 static ArrayMap<AutofillId, AutofillValue> getFields(@NonNull Dataset dataset) {
102 final ArrayList<AutofillId> ids = dataset.getFieldIds();
103 final ArrayList<AutofillValue> values = dataset.getFieldValues();
  /external/tensorflow/tensorflow/python/data/ops/
dataset_ops.py 47 @tf_export("data.Dataset")
48 class Dataset(object):
51 A `Dataset` can be used to represent an input pipeline as a
62 """Creates a scalar `tf.Tensor` of `tf.variant` representing this dataset.
65 A scalar `tf.Tensor` of `tf.variant` type, which represents this dataset.
67 raise NotImplementedError("Dataset._as_variant_tensor")
70 """Creates an `Iterator` for enumerating the elements of this dataset.
76 dataset = ...
77 iterator = dataset.make_initializable_iterator()
88 An `Iterator` over the elements of this dataset
    [all...]
  /prebuilts/devtools/tools/lib/
jfreechart-1.0.9.jar 
  /prebuilts/tools/common/jfreechart/
jfreechart-1.0.9.jar 
  /prebuilts/tools/common/m2/repository/jfree/jfreechart/1.0.9/
jfreechart-1.0.9.jar 
  /cts/tests/autofillservice/src/android/autofillservice/cts/
OptionalSaveActivityTest.java 199 // Initial dataset
224 // Initial dataset
248 // Initial dataset
272 // Initial dataset
295 private void autofillAndSaveOnChangeTest(CannedDataset.Builder dataset, Runnable changes,
302 .addDataset(dataset.setPresentation(createPresentation("Da Dataset")).build())
313 mUiBot.selectDataset("Da Dataset");
391 private void autofillNoChangeNoSaveTest(CannedDataset.Builder dataset, Runnable changes)
398 .addDataset(dataset.setPresentation(createPresentation("Da Dataset")).build()
    [all...]
  /external/tensorflow/tensorflow/contrib/data/kernels/
ignore_errors_dataset_op.cc 15 #include "tensorflow/core/framework/dataset.h"
34 *output = new Dataset(ctx, input);
38 class Dataset : public GraphDatasetBase {
40 explicit Dataset(OpKernelContext* ctx, const DatasetBase* input)
45 ~Dataset() override { input_->Unref(); }
60 string DebugString() override { return "IgnoreErrorsDatasetOp::Dataset"; }
72 class Iterator : public DatasetIterator<Dataset> {
75 : DatasetIterator<Dataset>(params),
76 input_impl_(params.dataset->input_->MakeIterator(params.prefix)) {}
  /external/tensorflow/tensorflow/contrib/slim/
__init__.py 40 from tensorflow.contrib.slim.python.slim.data import dataset

Completed in 922 milliseconds

1 2 3 45 6 7 8 9