HomeSort by relevance Sort by last modified time
    Searched full:dataset (Results 126 - 150 of 923) sorted by null

1 2 3 4 56 7 8 91011>>

  /external/tensorflow/tensorflow/core/kernels/data/
window_dataset.h 23 #include "tensorflow/core/kernels/data/dataset.h"
27 // Creates a dataset representing an eagerly-collected window of elements.
30 // dataset, which is stored in `out_dataset`.
32 // This dataset is constructed internally for use in datasets that
33 // build nested dataset expressions (e.g. the reducer function for
random_dataset_op.cc 18 #include "tensorflow/core/kernels/data/dataset.h"
48 *output = new Dataset(ctx, seed, seed2);
52 class Dataset : public GraphDatasetBase {
54 Dataset(OpKernelContext* ctx, int64 seed, int64 seed2)
76 ")::Dataset");
91 class Iterator : public DatasetIterator<Dataset> {
94 : DatasetIterator<Dataset>(params),
95 parent_generator_(dataset()->seed_, dataset()->seed2_),
123 random::PhiloxRandom(dataset()->seed_, dataset()->seed2_)
    [all...]
sql_dataset_ops.cc 19 #include "tensorflow/core/kernels/data/dataset.h"
73 *output = new Dataset(driver_name, data_source_name, query, output_types_,
78 class Dataset : public DatasetBase {
80 Dataset(const string& driver_name, const string& data_source_name,
103 string DebugString() override { return "SqlDatasetOp::Dataset"; }
106 class Iterator : public DatasetIterator<Dataset> {
109 : DatasetIterator<Dataset>(params) {}
126 dataset()->driver_name_);
127 Status s = query_connection_->Open(dataset()->data_source_name_,
128 dataset()->query_
    [all...]
parallel_map_dataset_op.cc 21 #include "tensorflow/core/kernels/data/dataset.h"
64 *output = new Dataset(ctx, input, func_, num_parallel_calls, output_types_,
69 class Dataset : public GraphDatasetBase {
71 Dataset(OpKernelContext* ctx, const DatasetBase* input,
86 ~Dataset() override { input_->Unref(); }
102 string DebugString() override { return "ParallelMapDatasetOp::Dataset"; }
149 class Iterator : public DatasetIterator<Dataset> {
152 : DatasetIterator<Dataset>(params),
153 input_impl_(params.dataset->input_->MakeIterator(params.prefix)),
154 invocation_results_(params.dataset->num_parallel_calls_) {
    [all...]
dense_to_sparse_batch_dataset_op.cc 18 #include "tensorflow/core/kernels/data/dataset.h"
34 // Create a new DenseToSparseBatchDatasetOp::Dataset, insert it in the
61 *output = new Dataset<T>(ctx, batch_size, row_shape, input); \
79 class Dataset : public GraphDatasetBase {
81 Dataset(OpKernelContext* ctx, int64 batch_size,
95 ~Dataset() override { input_->Unref(); }
114 ")::Dataset");
137 class Iterator : public DatasetIterator<Dataset<T>> {
140 : DatasetIterator<Dataset<T>>(params),
141 input_impl_(params.dataset->input_->MakeIterator(params.prefix)) {
    [all...]
interleave_dataset_op.cc 20 #include "tensorflow/core/kernels/data/dataset.h"
74 new Dataset(ctx, input, func_, std::move(captured_func), cycle_length,
79 class Dataset : public GraphDatasetBase {
81 Dataset(OpKernelContext* ctx, const DatasetBase* input,
97 ~Dataset() override { input_->Unref(); }
112 string DebugString() override { return "InterleaveDatasetOp::Dataset"; }
148 class Iterator : public DatasetIterator<Dataset> {
151 : DatasetIterator<Dataset>(params),
152 input_impl_(params.dataset->input_->MakeIterator(params.prefix)),
153 current_elements_(params.dataset->cycle_length_)
    [all...]
padded_batch_dataset_op.cc 19 #include "tensorflow/core/kernels/data/dataset.h"
52 "in the input dataset's elements (",
72 "dataset's elements (",
82 " and input dataset's component ", i, ": ",
88 *output = new Dataset(ctx, batch_size, std::move(padded_shapes),
93 class Dataset : public GraphDatasetBase {
95 Dataset(OpKernelContext* ctx, int64 batch_size,
106 // semantics. If we could tell statically that the input dataset
120 ~Dataset() override { input_->Unref(); }
138 ")::Dataset");
    [all...]
filter_dataset_op.cc 19 #include "tensorflow/core/kernels/data/dataset.h"
51 *output = new Dataset(ctx, input, func_, std::move(captured_func));
57 class Dataset : public GraphDatasetBase {
59 Dataset(OpKernelContext* ctx, const DatasetBase* input,
69 ~Dataset() override { input_->Unref(); }
84 string DebugString() override { return "FilterDatasetOp::Dataset"; }
116 class Iterator : public DatasetIterator<Dataset> {
119 : DatasetIterator<Dataset>(params),
120 input_impl_(params.dataset->input_->MakeIterator(params.prefix)) {}
149 TF_RETURN_IF_ERROR(dataset()->captured_func_->RunWithBorrowedArgs
    [all...]
map_dataset_op.cc 19 #include "tensorflow/core/kernels/data/dataset.h"
53 *output = new Dataset(ctx, input, func_, std::move(captured_func),
58 class Dataset : public GraphDatasetBase {
60 Dataset(OpKernelContext* ctx, const DatasetBase* input,
74 ~Dataset() override { input_->Unref(); }
89 string DebugString() override { return "MapDatasetOp::Dataset"; }
123 class Iterator : public DatasetIterator<Dataset> {
126 : DatasetIterator<Dataset>(params),
127 input_impl_(params.dataset->input_->MakeIterator(params.prefix)) {}
146 dataset()->captured_func_->Run(ctx, std::move(args), out_tensors)
    [all...]
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...]
parallel_interleave_dataset_op.cc 21 #include "tensorflow/core/kernels/data/dataset.h"
87 new Dataset(input, std::move(captured_func), cycle_length, block_length,
93 class Dataset : public DatasetBase {
95 Dataset(const DatasetBase* input,
112 ~Dataset() override { input_->Unref(); }
128 return "ParallelInterleaveDatasetOp::Dataset";
154 // function must be a dataset. The worker thread then repeatedly calls
184 class Iterator : public DatasetIterator<Dataset> {
187 : DatasetIterator<Dataset>(params),
188 input_impl_(params.dataset->input_->MakeIterator(params.prefix))
    [all...]
  /external/tensorflow/tensorflow/contrib/data/python/kernel_tests/
batch_dataset_op_test.py 47 dataset_ops.Dataset.from_tensor_slices(components)
75 dataset_ops.Dataset.from_tensor_slices(components)
108 dataset_ops.Dataset.from_tensors(input_tensor).apply(
114 dataset_ops.Dataset.from_tensors(input_tensor).apply(
135 data = dataset_ops.Dataset.from_tensor_slices(data)
154 data = dataset_ops.Dataset.from_tensor_slices(data)
174 data = dataset_ops.Dataset.from_tensor_slices(data)
200 dataset_ops.Dataset.from_tensor_slices(components).apply(
225 iterator = dataset_ops.Dataset.range(12).map(_sparse).apply(
249 dataset = dataset_ops.Dataset.from_tensors(els[0]
    [all...]
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...]
interleave_dataset_op_test.py 46 return dataset_ops.Dataset.from_tensor_slices(input_values).repeat(
48 lambda x: dataset_ops.Dataset.from_tensors(x).repeat(x),
87 return dataset_ops.Dataset.from_tensor_slices(
91 return dataset_ops.Dataset.range(10).map(_map_fn).interleave(
135 dataset = dataset_ops.Dataset.from_tensors(x)
136 dataset = dataset.repeat(x)
137 return dataset.map(map_fn)
139 self.dataset =
    [all...]
  /cts/tests/autofillservice/src/android/autofillservice/cts/
AuthenticationTest.java 78 .setPresentation(createPresentation("Tap to auth dataset"))
93 mUiBot.assertDatasets("Tap to auth dataset");
100 mUiBot.assertDatasets("Tap to auth dataset");
106 mUiBot.assertDatasets("Tap to auth dataset");
111 mUiBot.selectDataset("Tap to auth dataset");
114 mUiBot.assertDatasets("Tap to auth dataset");
120 mUiBot.assertDatasets("Tap to auth dataset");
130 mUiBot.selectDataset("Tap to auth dataset");
151 .setPresentation(createPresentation("Dataset"))
164 .setPresentation(createPresentation("Tap to auth dataset"))
687 final CannedDataset dataset = new CannedDataset.Builder() local
    [all...]
  /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...]
  /external/tensorflow/tensorflow/contrib/cloud/kernels/
bigquery_table_accessor_test.cc 28 constexpr char kTestDataset[] = "test-dataset";
101 "datasets/test-dataset/tables/test-table/\n"
106 "id": "test-project:test-dataset.test-table",
128 "datasets/test-dataset/tables/test-table/\n"
188 "datasets/test-dataset/tables/test-table/\n"
193 "datasets/test-dataset/tables/test-table/data?maxResults=1&startIndex=2\n"
218 "datasets/test-dataset/tables/test-table/\n"
223 "datasets/test-dataset/tables/test-table/data?maxResults=1&startIndex=2\n"
249 "datasets/test-dataset/tables/test-table/\n"
254 "datasets/test-dataset/tables/test-table/data?maxResults=1&startIndex=2\n
    [all...]
  /external/tensorflow/tensorflow/contrib/eager/python/examples/rnn_ptb/
rnn_ptb_graph_test.py 81 dataset = tf.data.Dataset.from_tensors(
85 inputs = dataset.make_one_shot_iterator().get_next()
121 dataset = tf.data.Dataset.from_tensors(
126 dataset = tf.data.Dataset.zip((dataset, dataset))
127 (inputs, labels) = dataset.make_one_shot_iterator().get_next(
    [all...]
  /external/tensorflow/tensorflow/contrib/learn/python/learn/datasets/
base.py 33 Dataset = collections.namedtuple('Dataset', ['data', 'target'])
41 """Load dataset from CSV file with a header row."""
53 return Dataset(data=data, target=target)
60 """Load dataset from CSV file without a header row."""
70 return Dataset(data=data, target=target)
74 """Create a smaller dataset of only 1/ratio of original data."""
88 """Load Iris dataset.
91 data_path: string, path to iris dataset (optional)
94 Dataset object containing data in-memory
    [all...]
  /external/tensorflow/tensorflow/contrib/kafka/kernels/
kafka_dataset_ops.cc 16 #include "tensorflow/core/kernels/dataset.h"
53 *output = new Dataset(ctx, std::move(topics), servers, group, eof, timeout);
57 class Dataset : public GraphDatasetBase {
59 Dataset(OpKernelContext* ctx, std::vector<string> topics,
86 string DebugString() override { return "KafkaDatasetOp::Dataset"; }
107 class Iterator : public DatasetIterator<Dataset> {
110 : DatasetIterator<Dataset>(params) {}
126 consumer_->consume(dataset()->timeout_));
141 dataset()->eof_) {
160 if (current_topic_index_ == dataset()->topics_.size())
    [all...]
  /external/tensorflow/tensorflow/core/framework/
dataset.cc 15 #include "tensorflow/core/framework/dataset.h"
37 // Transfers ownership of `dataset` to `*this`.
38 explicit DatasetVariantWrapper(DatasetBase* dataset) : dataset_(dataset) {}
76 const GraphDatasetBase* dataset,
81 const string& op_type_name = dataset->op_name();
90 opts->WithAttr("output_shapes", dataset->output_shapes())));
94 opts->WithAttr("output_types", dataset->output_dtypes())));
217 "Dataset tensor must be a scalar of dtype DT_VARIANT.");
222 return errors::InvalidArgument("Tensor must be a Dataset object.")
242 DatasetBase* dataset = nullptr; local
    [all...]
  /developers/build/prebuilts/gradle/AutofillFramework/afservice/src/main/java/com/example/android/autofill/service/datasource/
SharedPrefsAutofillRepository.java 86 String datasetName = "dataset-" + getDatasetNumber(context);
121 * For simplicity, datasets will be named in the form "dataset-X" where X means
122 * this was the Xth dataset saved.
131 * Every time a dataset is saved, this should be called to increment the dataset number.
132 * (only important for this service's dataset naming scheme).
  /developers/build/prebuilts/gradle/AutofillFramework/kotlinApp/Application/src/main/java/com/example/android/autofillframework/multidatasetservice/datasource/
SharedPrefsAutofillRepository.kt 72 val datasetName = "dataset-" + getDatasetNumber(context)
95 * For simplicity, datasets will be named in the form "dataset-X" where X means
96 * this was the Xth dataset saved.
103 * Every time a dataset is saved, this should be called to increment the dataset number.
104 * (only important for this service's dataset naming scheme).
  /developers/samples/android/input/autofill/AutofillFramework/kotlinApp/Application/src/main/java/com/example/android/autofillframework/multidatasetservice/datasource/
SharedPrefsAutofillRepository.kt 72 val datasetName = "dataset-" + getDatasetNumber(context)
95 * For simplicity, datasets will be named in the form "dataset-X" where X means
96 * this was the Xth dataset saved.
103 * Every time a dataset is saved, this should be called to increment the dataset number.
104 * (only important for this service's dataset naming scheme).
  /external/tensorflow/tensorflow/contrib/kfac/examples/
mnist.py 34 """Loads MNIST dataset into memory.
38 num_epochs: int. Number of passes to make over the dataset.
42 use_fake_data: bool. If True, generate a synthetic dataset rather than
66 dataset = tf.data.Dataset.from_tensor_slices((np.asarray(
68 return (dataset.repeat(num_epochs).shuffle(num_examples).batch(batch_size)

Completed in 183 milliseconds

1 2 3 4 56 7 8 91011>>