/external/tensorflow/tensorflow/python/ops/ragged/ |
D | ragged_squeeze_op_test.py | 50 def test_passing_empty(self, input_list, squeeze_ranks=None): argument 52 ragged_factory_ops.constant(input_list), squeeze_ranks) 53 dt = array_ops.squeeze(constant_op.constant(input_list), squeeze_ranks) 110 def test_passing_simple(self, input_list, squeeze_ranks=None): argument 112 ragged_factory_ops.constant(input_list), squeeze_ranks) 113 dt = array_ops.squeeze(constant_op.constant(input_list), squeeze_ranks) 164 def test_passing_simple_from_dense(self, input_list, squeeze_ranks=None): argument 165 dt = constant_op.constant(input_list) 183 def test_passing_ragged(self, input_list, output_list, squeeze_ranks=None): argument 184 rt = ragged_factory_ops.constant(input_list) [all …]
|
/external/tensorflow/tensorflow/core/kernels/ |
D | string_join_op.cc | 38 OpInputList input_list; in Compute() local 39 OP_REQUIRES_OK(context, context->input_list("inputs", &input_list)); in Compute() 44 for (const auto& input : input_list) { in Compute() 65 std::vector<StringPiece> strings(input_list.size()); in Compute() 67 for (int j = 0; j < input_list.size(); ++j) { in Compute()
|
D | list_kernels.cc | 93 const TensorList& input_list, in ForwardInputOrCreateNewList() argument 123 output_tensor->scalar<Variant>()() = input_list.Copy(); in ForwardInputOrCreateNewList() 337 const TensorList* input_list = nullptr; in Compute() local 338 OP_REQUIRES_OK(c, GetInputList(c, 0, &input_list)); in Compute() 364 output_list.element_shape = input_list->element_shape; in Compute() 365 output_list.element_dtype = input_list->element_dtype; in Compute() 366 output_list.max_num_elements = input_list->max_num_elements; in Compute() 367 if (size > input_list->tensors().size()) { in Compute() 369 input_list->tensors().begin(), in Compute() 370 input_list->tensors().end()); in Compute() [all …]
|
D | sparse_concat_op.cc | 43 OP_REQUIRES_OK(context, context->input_list("indices", &inds)); in Compute() 53 OP_REQUIRES_OK(context, context->input_list("values", &vals)); in Compute() 65 OP_REQUIRES_OK(context, context->input_list("shapes", &shapes)); in Compute()
|
D | sdca_internal.cc | 98 context->input_list("sparse_indices", &sparse_indices_inputs)); in Initialize() 101 context->input_list("sparse_weights", &sparse_weights_inputs)); in Initialize() 104 context->input_list("dense_weights", &dense_weights_inputs)); in Initialize() 328 TF_RETURN_IF_ERROR(context->input_list("sparse_example_indices", in Initialize() 331 TF_RETURN_IF_ERROR(context->input_list("sparse_feature_indices", in Initialize() 335 TF_RETURN_IF_ERROR(context->input_list("sparse_feature_values", in Initialize() 357 context->input_list("dense_features", &dense_features_inputs)); in Initialize()
|
D | quantized_concat_op.cc | 170 OP_REQUIRES_OK(context, context->input_list("values", &values)); in Compute() 173 OP_REQUIRES_OK(context, context->input_list("input_mins", &input_mins)); in Compute() 179 OP_REQUIRES_OK(context, context->input_list("input_maxes", &input_maxes)); in Compute()
|
D | identity_n_op.h | 30 OP_REQUIRES_OK(context, context->input_list("input", &input)); in Compute()
|
D | example_parsing_ops.cc | 79 OP_REQUIRES_OK(ctx, ctx->input_list("dense_defaults", &dense_defaults)); in Compute() 117 TF_RETURN_IF_ERROR(ctx->input_list(input_name, &key_list)); in GetInputListKeys() 310 OP_REQUIRES_OK(ctx, ctx->input_list("dense_defaults", &dense_defaults)); in Compute() 413 OP_REQUIRES_OK(ctx, ctx->input_list("context_dense_defaults", in Compute() 741 ctx->input_list("context_dense_keys", &context_dense_keys)); in Compute() 742 OP_REQUIRES_OK(ctx, ctx->input_list("feature_list_dense_keys", in Compute() 745 ctx, ctx->input_list("context_sparse_keys", &context_sparse_keys)); in Compute() 746 OP_REQUIRES_OK(ctx, ctx->input_list("feature_list_sparse_keys", in Compute() 748 OP_REQUIRES_OK(ctx, ctx->input_list("context_dense_defaults", in Compute()
|
D | sparse_cross_op.cc | 302 OP_REQUIRES_OK(context, context->input_list("indices", &indices_list_in)); in Compute() 304 OP_REQUIRES_OK(context, context->input_list("values", &values_list_in)); in Compute() 306 OP_REQUIRES_OK(context, context->input_list("shapes", &shapes_list_in)); in Compute() 309 context->input_list("dense_inputs", &dense_list_in)); in Compute()
|
D | partitioned_function_ops.cc | 123 OP_REQUIRES_OK_ASYNC(ctx, ctx->input_list("args", &args), done); in ComputeAsync() 203 TF_RETURN_IF_ERROR(ctx->input_list("args", &args)); in Instantiate()
|
D | queue_op.cc | 103 OP_REQUIRES_OK_ASYNC(ctx, ctx->input_list("components", &components), in ComputeAsync() 144 OP_REQUIRES_OK_ASYNC(ctx, ctx->input_list("components", &components), in ComputeAsync()
|
/external/tensorflow/tensorflow/core/kernels/boosted_trees/ |
D | training_ops.cc | 60 OP_REQUIRES_OK(context, context->input_list("node_ids", &node_ids_list)); in Compute() 61 OP_REQUIRES_OK(context, context->input_list("gains", &gains_list)); in Compute() 63 context->input_list("thresholds", &thresholds_list)); in Compute() 64 OP_REQUIRES_OK(context, context->input_list("left_node_contribs", in Compute() 66 OP_REQUIRES_OK(context, context->input_list("right_node_contribs", in Compute() 258 OP_REQUIRES_OK(context, context->input_list("node_ids", &node_ids_list)); in Compute() 259 OP_REQUIRES_OK(context, context->input_list("gains", &gains_list)); in Compute() 261 context->input_list("thresholds", &thresholds_list)); in Compute() 263 context->input_list("dimension_ids", &dimension_ids_list)); in Compute() 264 OP_REQUIRES_OK(context, context->input_list("left_node_contribs", in Compute() [all …]
|
D | quantile_ops.cc | 150 context, context->input_list(kFloatFeaturesName, &float_features_list)); in Compute() 296 context->input_list(kSummariesName, &summaries_list)); in Compute() 358 OP_REQUIRES_OK(context, context->input_list(kBucketBoundariesName, in Compute() 517 context, context->input_list(kFloatFeaturesName, &float_features_list)); in Compute() 519 OP_REQUIRES_OK(context, context->input_list(kBucketBoundariesName, in Compute()
|
D | prediction_ops.cc | 75 OP_REQUIRES_OK(context, context->input_list("bucketized_features", in Compute() 218 OP_REQUIRES_OK(context, context->input_list("bucketized_features", in Compute() 318 OP_REQUIRES_OK(context, context->input_list("bucketized_features", in Compute()
|
/external/vixl/tools/test_generator/ |
D | parser.py | 238 input_list = generator.InputList([ 243 return operand_list, input_list 320 def ParseTestFile(test_name, test_isa, mnemonics, operand_list, input_list, argument 360 mnemonics, operand_list, input_list, test_cases) 385 operand_list, input_list = ParseDescription( 390 input_list, json_test_file)
|
/external/tensorflow/tensorflow/core/kernels/data/ |
D | rewrite_utils.cc | 149 std::vector<std::pair<string, Tensor>> input_list; in RewriteDataset() local 150 params.input_list = &input_list; in RewriteDataset() 192 graph_runner.Run(&graph, flr, input_list, {output_node}, &outputs)); in RewriteDataset() 198 input_list = std::move(input_list), in RewriteDataset() 217 for (const auto& pair : input_list) { in RewriteDataset()
|
D | tensor_dataset_op.cc | 81 DCHECK_NE(ctx->input_list(), nullptr); in AsGraphDefInternal() 82 ctx->input_list()->emplace_back(node->name(), t); in AsGraphDefInternal() 152 OP_REQUIRES_OK(ctx, ctx->input_list(kComponents, &inputs)); in MakeDataset()
|
D | tensor_slice_dataset_op.cc | 86 DCHECK_NE(ctx->input_list(), nullptr); in AsGraphDefInternal() 87 ctx->input_list()->emplace_back(node->name(), t); in AsGraphDefInternal() 173 OP_REQUIRES_OK(ctx, ctx->input_list(kComponents, &inputs)); in MakeDataset()
|
D | map_defun_op.cc | 247 TF_RETURN_IF_ERROR(ctx->input_list(kArguments, &arguments)); in SetupArgs() 249 TF_RETURN_IF_ERROR(ctx->input_list(kCapturedInputs, &captured_inputs)); in SetupArgs()
|
/external/tensorflow/tensorflow/core/kernels/data/experimental/ |
D | choose_fastest_dataset_op.cc | 40 OpInputList input_list; in MakeDataset() local 41 OP_REQUIRES_OK(ctx, ctx->input_list("input_datasets", &input_list)); in MakeDataset() 43 ctx, input_list.size() > 1, in MakeDataset() 48 inputs.reserve(input_list.size()); in MakeDataset() 49 for (const auto& tensor : input_list) { in MakeDataset()
|
/external/tensorflow/tensorflow/python/ops/ |
D | list_ops.py | 279 input_list, _ = op.inputs 280 input_list_size = gen_list_ops.tensor_list_length(input_list) 287 input_list, indices, _ = op.inputs 289 input_list, shape_type=dtypes.int32) 290 num_elements = gen_list_ops.tensor_list_length(input_list)
|
/external/tensorflow/tensorflow/python/debug/lib/ |
D | debug_graphs.py | 204 for input_list in self._input_lists: 205 if node_name not in input_list: 207 for inp in input_list[node_name]:
|
/external/tensorflow/tensorflow/cc/ops/ |
D | while_loop.cc | 78 std::vector<NodeBuilder::NodeOut> input_list({enter_input, next_input}); in CreateMerge() local 80 NodeBuilder builder = NodeBuilder(unique_name, "Merge").Input(input_list); in CreateMerge()
|
/external/tensorflow/tensorflow/python/data/kernel_tests/ |
D | from_generator_test.py | 121 input_list = list(generator()) 137 interleave_fn, cycle_length=10, block_length=len(input_list)) 140 for elem in input_list:
|
/external/tensorflow/tensorflow/python/keras/engine/ |
D | base_layer.py | 674 input_list = nest.flatten(inputs) 680 build_graph = tf_utils.are_all_symbolic_tensors(input_list) 683 if any(isinstance(x, (np.ndarray, float, int)) for x in input_list): 691 input_list = nest.flatten(inputs) 758 if (any(isinstance(x, ragged_tensor.RaggedTensor) for x in input_list) 2185 input_list = nest.flatten(inputs) 2186 if input_list and self._dtype_policy.compute_dtype is None: 2188 dtype = input_list[0].dtype.base_dtype.name 2194 if all(hasattr(x, 'shape') for x in input_list):
|