/external/tensorflow/tensorflow/contrib/framework/python/ops/ |
D | prettyprint_ops.py | 41 tensor_list = [] 43 tensor_list.append(constant_op.constant("Name: " + t.name)) 58 tensor_list.append(constant_op.constant(t_type_str)) 62 tensor_list.append(constant_op.constant("Shape:")) 63 tensor_list.append(t.dense_shape) 65 tensor_list.append(constant_op.constant("Shape: " + str(t.get_shape( 68 tensor_list.append(constant_op.constant("Size:")) 69 tensor_list.append(t.size()) 73 tensor_list.append(constant_op.constant("First True in Boolean tensor at:")) 74 tensor_list.append(math_ops.argmax(int_tensor, 0)) [all …]
|
/external/tensorflow/tensorflow/contrib/training/python/training/ |
D | sampling_ops.py | 95 tensor_list = ops.convert_n_to_tensor_or_indexed_slices(tensors) 100 tensor_list = _verify_data_inputs(tensor_list) 105 tensor_list, 110 tensor_list = [array_ops.squeeze(x, [0]) for x in batched] 113 cur_prob = accept_prob_fn(tensor_list) 122 tensor_list, 194 tensor_list = ops.convert_n_to_tensor_or_indexed_slices(tensors) 199 tensor_list = [array_ops.expand_dims(tensor, 0) for tensor in tensor_list] 213 tensor_list, labels, [init_probs, target_probs] = _verify_input( 214 tensor_list, labels, [init_probs, target_probs]) [all …]
|
D | bucket_ops.py | 56 def _validate_bucket(tensor_list): argument 57 tensor_list = ops.convert_n_to_tensor_or_indexed_slices(tensor_list) 58 if not tensor_list: 60 return tensor_list 176 tensor_list = _as_tensor_list(tensors) 177 with ops.name_scope(name, "bucket", tensor_list) as name: 178 tensor_list = _validate_bucket(tensor_list) 180 (tensor_list, sparse_info) = _store_sparse_tensors( 181 tensor_list, enqueue_many=False, keep_input=keep_input) 191 types = _dtypes([tensor_list]) [all …]
|
D | sequence_queueing_state_saver.py | 1438 tensor_list = (list(input_sequences.values()) + list(input_context.values()) + 1440 with ops.name_scope(name, "batch_sequences_with_states", tensor_list) as name: 1505 tensor_list) = _deconstruct_sparse_tensor_seq(input_sequences) 1542 tensor_list, 1768 tensor_list = [_store_sparse(sp_tensor, shared_name=shared_name) 1773 transformed_input_seq[k] = tensor_list[i] 1774 tensor_op_list += [tensor_list[i].op] 1858 tensor_list = [sequence[k] for k in sparse_tensor_keys] 1866 for i, s in zip(tensor_op_list, tensor_list)]
|
D | sampling_ops_test.py | 383 tensor_list = [ 393 sample = sampling_ops.rejection_sample(tensor_list, accept_prob_fn,
|
/external/tensorflow/tensorflow/python/training/ |
D | input.py | 329 def slice_input_producer(tensor_list, num_epochs=None, shuffle=True, seed=None, argument 364 with ops.name_scope(name, "input_producer", tensor_list): 365 tensor_list = ops.convert_n_to_tensor_or_indexed_slices(tensor_list) 366 if not tensor_list: 369 range_size = array_ops.shape(tensor_list[0])[0] 376 output = [array_ops.gather(t, index) for t in tensor_list] 384 return [tensor for tensor_list in tensor_list_list for tensor in tensor_list] 467 def _as_original_type(original_tensors, tensor_list): argument 472 tensor_list = [tensor_list] 473 return {k: tensor_list[i] [all …]
|
/external/tensorflow/tensorflow/core/kernels/ |
D | list_kernels.h | 70 const TensorList& tensor_list, int index, 91 const TensorList* tensor_list = nullptr; in Compute() local 92 OP_REQUIRES_OK(c, GetInputList(c, 0, &tensor_list)); in Compute() 94 c, element_dtype_ == tensor_list->element_dtype, in Compute() 97 " but list elements ", DataTypeString(tensor_list->element_dtype))); in Compute() 99 OP_REQUIRES(c, tensor_list->tensors.size() == num_elements_, in Compute() 103 tensor_list->tensors.size(), " elements.")); in Compute() 106 OP_REQUIRES_OK(c, GetElementShapeFromInput(c, *tensor_list, 1, in Compute() 110 partial_element_shape.IsFullyDefined() || !tensor_list->tensors.empty(), in Compute() 117 if (!tensor_list->element_shape.IsFullyDefined()) { in Compute() [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/ |
D | tensor.h | 51 const TfLiteIntArray& tensor_list) { in VectorOfTensors() argument 52 int num_tensors = tensor_list.size; in VectorOfTensors() 59 TfLiteTensor* t = &context.tensors[tensor_list.data[i]]; in VectorOfTensors() 95 const TfLiteIntArray& tensor_list) in VectorOfQuantizedTensors() argument 96 : VectorOfTensors<uint8>(context, tensor_list) { in VectorOfQuantizedTensors() 97 for (int i = 0; i < tensor_list.size; ++i) { in VectorOfQuantizedTensors() 98 TfLiteTensor* t = &context.tensors[tensor_list.data[i]]; in VectorOfQuantizedTensors()
|
/external/tensorflow/tensorflow/python/autograph/lang/ |
D | special_functions_test.py | 43 l = special_functions.tensor_list([], 50 l = special_functions.tensor_list((), 58 l = special_functions.tensor_list( 66 special_functions.tensor_list(np.array([1, 2, 3])) 71 special_functions.tensor_list([]) 76 l = special_functions.tensor_list(elements) 84 l = special_functions.tensor_list(elements, use_tensor_array=True)
|
D | special_functions.py | 57 def tensor_list(elements, function
|
/external/tensorflow/tensorflow/contrib/slim/python/slim/data/ |
D | prefetch_queue.py | 73 tensor_list = list([tensors[n] for n in names]) 76 tensor_list = tensors 78 with ops.name_scope(name, "prefetch_queue", tensor_list) as name: 79 dtypes = [t.dtype for t in tensor_list] 80 shapes = [t.get_shape() for t in tensor_list]
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | while_v2_test.py | 196 tensor_list = list_ops.empty_tensor_list( 206 outputs = while_loop_v1(Cond, Body, [x, tensor_list]) 256 tensor_list = list_ops.empty_tensor_list( 269 Cond, Body, [x, tensor_list], return_same_structure=False) 279 tensor_list = list_ops.empty_tensor_list( 293 Cond, Body, [x, tensor_list], return_same_structure=False)
|
/external/tensorflow/tensorflow/contrib/gan/python/features/python/ |
D | virtual_batchnorm_impl.py | 98 def _validate_call_input(tensor_list, batch_dim): argument 104 base_shape = tensor_shape.TensorShape(_get_shape(tensor_list[0])) 105 for tensor in tensor_list:
|
/external/tensorflow/tensorflow/python/tpu/ |
D | tensor_tracer.py | 610 tensor_list = [] 618 tensor_list.append(output_tensor) 619 tensorname_idx_map[output_tensor.name] = len(tensor_list)-1 620 return (opname_idx_map, tensor_list, tensorname_idx_map) 823 def _write_tensor_list_section(self, tensor_list, opname_idx_map): argument 828 self._write_report('%s %d\n'%(_FIELD_NAME_NUM_TENSORS, len(tensor_list))) 829 for i in range(0, len(tensor_list)): 830 tensor = tensor_list[i] 1197 (opname_idx_map, tensor_list, self._tensorname_idx_map) = ( 1201 self._write_tensor_list_section(tensor_list, opname_idx_map)
|
/external/tensorflow/tensorflow/python/autograph/converters/ |
D | lists_test.py | 61 l = special_functions.tensor_list([1]) 76 l = special_functions.tensor_list([1, 2, 3])
|
/external/tensorflow/tensorflow/compiler/tf2xla/ |
D | xla_expression.cc | 49 XlaExpression XlaExpression::TensorList(xla::XlaOp tensor_list) { in TensorList() argument 53 e.handle_ = tensor_list; in TensorList()
|
D | xla_expression.h | 72 static XlaExpression TensorList(xla::XlaOp tensor_list);
|
/external/tensorflow/tensorflow/contrib/gan/python/losses/python/ |
D | losses_impl.py | 815 def _numerically_stable_global_norm(tensor_list): argument 828 if all(x is None for x in tensor_list): 832 tensor_list if x is not None]) 833 return list_max * clip_ops.global_norm([x / list_max for x in tensor_list
|
/external/tensorflow/tensorflow/python/data/util/ |
D | structure_test.py | 379 tensor_list = s._to_tensor_list(nested_tensors) 380 for expected, actual in zip([int64_t, float32_t, string_t], tensor_list): 384 tensor_list) 390 s._from_compatible_tensor_list(tensor_list))
|
/external/tensorflow/tensorflow/python/autograph/utils/ |
D | __init__.py | 24 from tensorflow.python.autograph.utils.tensor_list import dynamic_list_append
|
D | BUILD | 27 "tensor_list.py",
|
/external/tensorflow/tensorflow/python/ops/ |
D | while_v2.py | 766 tensor_list = list_ops.empty_tensor_list( 769 self.empty_tensor_lists.append(tensor_list) 774 accumulator = list_ops.tensor_list_push_back(tensor_list, tensor) 782 self._forward_cond_graph.capture(tensor_list)
|
/external/tensorflow/tensorflow/python/autograph/ |
D | __init__.py | 52 from tensorflow.python.autograph.lang.special_functions import tensor_list
|
/external/tensorflow/tensorflow/python/framework/ |
D | convert_to_constants_test.py | 52 def _getTensors(self, sess, tensor_list): argument 55 sess.graph.get_tensor_by_name(tensor.name) for tensor in tensor_list
|
/external/tensorflow/tensorflow/python/keras/engine/ |
D | base_layer_utils.py | 270 tensor_list = nest.flatten(tensors) 271 for tensor in tensor_list:
|