/external/tensorflow/tensorflow/contrib/gan/python/features/python/ |
D | random_tensor_pool_impl.py | 50 def tensor_pool(input_values, argument 86 return input_values 88 original_input_values = input_values 89 input_values = nest.flatten(input_values) 92 values=input_values + [pooling_probability]): 96 dtypes=[v.dtype for v in input_values], 112 enqueue_op = pool_queue.enqueue(input_values) 114 return [array_ops.identity(v) for v in input_values] 119 enqueue_op = pool_queue.enqueue(input_values) 124 lambda: input_values) [all …]
|
D | random_tensor_pool_test.py | 100 input_values = (array_ops.placeholder(dtype=dtypes.int32, shape=[]), 102 output_values = tensor_pool(input_values, pool_size=3) 103 self.assertEqual(len(output_values), len(input_values)) 110 input_values[0]: i, 111 input_values[1]: i + 1 113 self.assertEqual(len(outs), len(input_values)) 118 input_values = [[t, t, t], (t, t), t] 119 output_values = tensor_pool(input_values, pool_size=5)
|
/external/tensorflow/tensorflow/lite/testing/ |
D | generate_testspec.cc | 46 std::vector<string> input_values; in GenerateInputValues() local 47 input_values.resize(input_layer.size()); in GenerateInputValues() 55 GenerateCsv<float>(shape, -0.5, 0.5, &input_values[i]); in GenerateInputValues() 58 GenerateCsv<uint8_t>(shape, 0, 255, &input_values[i]); in GenerateInputValues() 61 GenerateCsv<int32_t>(shape, -100, 100, &input_values[i]); in GenerateInputValues() 64 GenerateCsv<int64_t>(shape, -100, 100, &input_values[i]); in GenerateInputValues() 67 GenerateCsv<int>(shape, 0.01, 1.99, &input_values[i]); in GenerateInputValues() 72 input_values.clear(); in GenerateInputValues() 73 return input_values; in GenerateInputValues() 76 return input_values; in GenerateInputValues() [all …]
|
D | generate_examples.py | 311 input_values = create_tensor_data(tf.float32, parameters["input_shape"]) 312 return [input_values], sess.run( 313 outputs, feed_dict=dict(zip(inputs, [input_values]))) 636 input_values = create_tensor_data(tf.float32, parameters["input_shape"]) 637 return [input_values], sess.run( 638 outputs, feed_dict=dict(zip(inputs, [input_values]))) 678 input_values = create_tensor_data( 680 return [input_values], sess.run( 681 outputs, feed_dict=dict(zip(inputs, [input_values]))) 705 input_values = create_tensor_data( [all …]
|
/external/tensorflow/tensorflow/python/data/experimental/kernel_tests/serialization/ |
D | interleave_dataset_serialization_test.py | 34 def _build_iterator_graph(self, input_values, cycle_length, block_length, argument 37 return dataset_ops.Dataset.from_tensor_slices(input_values).repeat( 54 input_values = np.array([4, 5, 6], dtype=np.int64) 55 num_outputs = np.sum(input_values) * 2 59 input_values, cycle_length, block_length, num_parallel_calls), 61 input_values, cycle_length * 2, block_length, num_parallel_calls),
|
D | parallel_interleave_dataset_serialization_test.py | 34 self.input_values = np.array([4, 5, 6], dtype=np.int64) 36 self.num_outputs = np.sum(self.input_values) * 2 40 self.input_values).repeat(self.num_repeats).apply( 67 np.concatenate([np.arange(10 * x, 11 * x) for x in self.input_values]),
|
/external/tensorflow/tensorflow/python/data/kernel_tests/ |
D | interleave_test.py | 113 def testPythonImplementation(self, input_values, cycle_length, block_length, argument 115 input_lists = _repeat(input_values, 2) 142 def testInterleaveDataset(self, input_values, cycle_length, block_length, argument 145 dataset = dataset_ops.Dataset.from_tensor_slices(input_values).repeat( 151 _repeat(input_values, count), cycle_length, block_length) 170 def testInterleaveDatasetError(self, input_values, cycle_length, block_length, argument 172 dataset = dataset_ops.Dataset.from_tensor_slices(input_values).map( 178 for value in input_values: 222 def testSloppyInterleaveDataset(self, input_values, cycle_length, argument 225 dataset = dataset_ops.Dataset.from_tensor_slices(input_values).repeat( [all …]
|
/external/tensorflow/tensorflow/python/data/experimental/kernel_tests/ |
D | parallel_interleave_test.py | 59 def dataset_fn(self, input_values, cycle_length, block_length, sloppy, argument 80 return dataset_ops.Dataset.from_tensor_slices(input_values).repeat( 177 input_values=np.int64([4, 5, 6]), 208 input_values=np.int64([3, 7, 4]), 236 input_values=np.int64([4, 5, 6]), 278 input_values=np.int64([4, 5, 6]), 318 input_values=np.int64([4, 5, 6]), 361 input_values=np.int64([4, 5, 6]), 399 input_values=np.int64([]), 419 input_values=np.int64([0, 0, 0]), [all …]
|
/external/tensorflow/tensorflow/core/kernels/ |
D | serialize_sparse_op.cc | 56 const Tensor* input_values; in Compute() local 60 OP_REQUIRES_OK(context, context->input("sparse_values", &input_values)); in Compute() 67 OP_REQUIRES(context, TensorShapeUtils::IsVector(input_values->shape()), in Compute() 70 input_values->shape().DebugString())); in Compute() 82 OP_REQUIRES_OK(context, Serialize(*input_values, &serialized_sparse_t(1))); in Compute() 163 const Tensor* input_values; in Compute() local 166 OP_REQUIRES_OK(context, context->input("sparse_values", &input_values)); in Compute() 173 OP_REQUIRES(context, TensorShapeUtils::IsVector(input_values->shape()), in Compute() 176 input_values->shape().DebugString())); in Compute() 194 OP_REQUIRES_OK(context, SparseTensor::Create(*input_indices, *input_values, in Compute()
|
D | sparse_tensors_map_ops.cc | 170 const Tensor* input_values; in Compute() local 175 OP_REQUIRES_OK(context, context->input("sparse_values", &input_values)); in Compute() 184 OP_REQUIRES(context, TensorShapeUtils::IsVector(input_values->shape()), in Compute() 187 input_values->shape().DebugString())); in Compute() 200 OP_REQUIRES_OK(context, SparseTensor::Create(*input_indices, *input_values, in Compute() 225 const Tensor* input_values; in Compute() local 230 OP_REQUIRES_OK(context, context->input("sparse_values", &input_values)); in Compute() 239 OP_REQUIRES(context, TensorShapeUtils::IsVector(input_values->shape()), in Compute() 242 input_values->shape().DebugString())); in Compute() 260 OP_REQUIRES_OK(context, SparseTensor::Create(*input_indices, *input_values, in Compute()
|
D | sparse_split_op.cc | 35 const Tensor& input_values = context->input(2); in Compute() local 42 OP_REQUIRES(context, TensorShapeUtils::IsVector(input_values.shape()), in Compute() 69 input_indices, input_values, in Compute()
|
D | sparse_slice_op.cc | 32 const Tensor& input_values = context->input(1); in Compute() local 41 OP_REQUIRES(context, TensorShapeUtils::IsVector(input_values.shape()), in Compute() 72 input_indices, input_values, in Compute()
|
/external/vixl/tools/test_generator/ |
D | parser.py | 55 input_values): argument 59 self.input_values = input_values 78 values, default = self.input_values[identifier] 155 input_values = { 160 return DataTypeBuilder(operand_types, operand_variants, input_types, input_values)
|
/external/tensorflow/tensorflow/compiler/xla/tests/ |
D | dynamic_ops_test.cc | 126 Literal input_values = in RunR1() local 141 auto input = ConstantLiteral(&builder, input_values); in RunR1() 152 Literal input_values = in RunR2() local 171 auto input = ConstantLiteral(&builder, input_values); in RunR2() 187 Literal input_values = in RunR3() local 205 auto input = ConstantLiteral(&builder, input_values); in RunR3() 405 Literal input_values = in RunR1() local 424 auto input = ConstantLiteral(&builder, input_values); in RunR1() 436 Literal input_values = in RunR2() local 458 auto input = ConstantLiteral(&builder, input_values); in RunR2() [all …]
|
D | reduce_precision_test.cc | 212 std::vector<float> input_values; in XLA_TEST_P() local 218 input_values.push_back(absl::bit_cast<float>(test_value[0])); in XLA_TEST_P() 222 input_values.push_back(absl::bit_cast<float>(test_value[0] ^ sign_bit)); in XLA_TEST_P() 232 Literal a_literal = LiteralUtil::CreateR1<float>({input_values}); in XLA_TEST_P()
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_UnicodeEncode.pbtxt | 8 name: "input_values" 18 slice `input_values[input_splits[i]:input_splits[i+1]]`. 58 Unicode codepoints in `input_values[input_splits[i]:input_splits[i+1]]` 66 input_values = [72, 101, 108, 108, 111, 87, 111, 114, 108, 100]
|
D | api_def_SparseReorder.pbtxt | 11 name: "input_values" 44 shape `[N, R]`, input_values has length `N`, and input_shape has length `R`.
|
/external/tensorflow/tensorflow/cc/framework/ |
D | while_gradients_test.cc | 55 void Run(const std::vector<Input::Initializer>& input_values, in Run() argument 57 Run<T>(ClientSession(scope_), input_values, expected_grad_values); in Run() 62 const std::vector<Input::Initializer>& input_values, in Run() argument 66 DCHECK_EQ(input_values.size(), inputs_.size()); in Run() 69 feeds.emplace(inputs_[i], input_values[i]); in Run()
|
/external/tensorflow/tensorflow/contrib/factorization/kernels/ |
D | wals_solver_ops.cc | 78 const Tensor& input_values = context->input(5); in Compute() local 97 OP_REQUIRES(context, TensorShapeUtils::IsVector(input_values.shape()), in Compute() 101 OP_REQUIRES(context, input_indices.dim_size(0) == input_values.dim_size(0), in Compute() 129 const auto& input_values_vec = input_values.vec<float>(); in Compute()
|
/external/tensorflow/tensorflow/c/ |
D | while_loop_test.cc | 75 void Run(std::initializer_list<int> input_values) { in Run() argument 76 Run(outputs_, input_values); in Run() 80 std::initializer_list<int> input_values) { in Run() argument 81 DCHECK_EQ(inputs_.size(), input_values.size()); in Run() 84 for (int v : input_values) { in Run()
|
/external/tensorflow/tensorflow/cc/ops/ |
D | while_loop_test.cc | 49 void Run(const std::vector<Input::Initializer>& input_values, in Run() argument 53 DCHECK_EQ(input_values.size(), inputs_.size()); in Run() 56 feeds.emplace(inputs_[i], input_values[i]); in Run()
|
/external/tensorflow/tensorflow/java/src/main/native/ |
D | session_jni.cc | 146 std::unique_ptr<TF_Tensor* []> input_values(new TF_Tensor*[ninputs]); in Java_org_tensorflow_Session_run() local 153 resolveHandles(env, "input Tensors", input_tensor_handles, input_values.get(), in Java_org_tensorflow_Session_run() 176 TF_SessionRun(session, run_options.get(), inputs.get(), input_values.get(), in Java_org_tensorflow_Session_run()
|
/external/tensorflow/tensorflow/python/ops/ |
D | array_grad.py | 104 input_values = op.inputs[start_value_index:end_value_index] 112 concat_dim._numpy().item(0) % input_values[0]._rank()) # pylint: disable=protected-access 114 sizes = pywrap_tensorflow.TFE_Py_TensorShapeSlice(input_values, 133 non_neg_concat_dim = concat_dim % array_ops.rank(input_values[0]) 136 sizes = _ExtractInputShapes(input_values) 155 non_neg_concat_dim = concat_dim % array_ops.rank(input_values[0]) 161 rank = tensor_util.constant_value(array_ops.rank(input_values[0])) 168 sizes = [array_ops.shape(x) for x in input_values]
|
/external/tensorflow/tensorflow/tools/graph_transforms/ |
D | quantize_weights_test.cc | 39 std::initializer_list<float> input_values, in BuildGraphDef() argument 46 test::FillValues<float>(&input_data, input_values); in BuildGraphDef()
|
/external/tensorflow/tensorflow/contrib/quantize/python/ |
D | quant_ops_test.py | 118 def _GetMinMaxValues(self, quantize_fn, input_values, shape=(2), **kwds): argument 132 for input_elem in input_values:
|