| /external/tensorflow/tensorflow/python/keras/layers/ |
| D | merge.py | 45 def _merge_function(self, inputs): argument 119 def call(self, inputs): argument 205 def compute_mask(self, inputs, mask=None): argument 246 def _merge_function(self, inputs): argument 285 def _merge_function(self, inputs): argument 301 def _merge_function(self, inputs): argument 317 def _merge_function(self, inputs): argument 333 def _merge_function(self, inputs): argument 349 def _merge_function(self, inputs): argument 394 def _merge_function(self, inputs): argument [all …]
|
| D | core.py | 89 def compute_mask(self, inputs, mask=None): argument 92 def call(self, inputs): argument 140 def _get_noise_shape(self, inputs): argument 148 def call(self, inputs, training=None): argument 213 def _get_noise_shape(self, inputs): argument 270 def _get_noise_shape(self, inputs): argument 328 def _get_noise_shape(self, inputs): argument 358 def call(self, inputs): argument 464 def call(self, inputs): argument 523 def call(self, inputs): argument [all …]
|
| D | noise.py | 64 def call(self, inputs, training=None): argument 112 def call(self, inputs, training=None): argument 170 def _get_noise_shape(self, inputs): argument 173 def call(self, inputs, training=None): argument 177 …def dropped_inputs(inputs=inputs, rate=self.rate, seed=self.seed): # pylint: disable=missing-docs… argument
|
| /external/libcxx/benchmarks/ |
| D | GenerateInput.hpp | 53 std::vector<IntT> inputs(N, static_cast<IntT>(-1)); in getDuplicateIntegerInputs() local 59 std::vector<IntT> inputs; in getSortedIntegerInputs() local 67 std::vector<IntT> inputs; in getSortedLargeIntegerInputs() local 76 std::vector<IntT> inputs = getSortedIntegerInputs<IntT>(N); in getSortedTopBitsIntegerInputs() local 83 std::vector<IntT> inputs; in getReverseSortedIntegerInputs() local 103 std::vector<IntT> inputs; in getRandomIntegerInputs() local 111 std::vector<std::string> inputs(N, getRandomString(1024)); in getDuplicateStringInputs() local 116 std::vector<std::string> inputs; in getRandomStringInputs() local 124 std::vector<std::string> inputs = getRandomStringInputs(N); in getSortedStringInputs() local 130 std::vector<std::string> inputs = getSortedStringInputs(N); in getReverseSortedStringInputs() local [all …]
|
| /external/tensorflow/tensorflow/lite/java/src/test/java/org/tensorflow/lite/ |
| D | NativeInterpreterWrapperTest.java | 117 Object[] inputs = {fourD}; in testRunWithFloat() local 135 Object[] inputs = {fourD}; in testRunWithBufferOutput() local 156 Object[] inputs = {fourD}; in testRunWithInputsOfSameDims() local 179 Object[] inputs = {fourD}; in testRunWithInt() local 197 Object[] inputs = {fourD}; in testRunWithLong() local 216 Object[] inputs = {fourD}; in testRunWithByte() local 237 Object[] inputs = {fourD}; in testRunWithString() local 257 Object[] inputs = {fourD}; in testRunWithString_wrongShapeError() local 290 Object[] inputs = {bbuf}; in testRunWithByteBufferHavingBytes() local 321 Object[] inputs = {bbuf}; in testRunWithByteBufferHavingFloats() local [all …]
|
| /external/tensorflow/tensorflow/lite/testing/ |
| D | generate_examples.py | 310 def build_inputs(parameters, sess, inputs, outputs): argument 635 def build_inputs(parameters, sess, inputs, outputs): argument 677 def build_inputs(parameters, sess, inputs, outputs): argument 703 def build_inputs(parameters, sess, inputs, outputs): argument 727 def build_inputs(parameters, sess, inputs, outputs): argument 753 def build_inputs(parameters, sess, inputs, outputs): argument 777 def build_inputs(parameters, sess, inputs, outputs): argument 813 def build_inputs(parameters, sess, inputs, outputs): argument 861 def build_inputs(parameters, sess, inputs, outputs): argument 905 def build_inputs(parameters, sess, inputs, outputs): argument [all …]
|
| /external/tensorflow/tensorflow/python/layers/ |
| D | base_test.py | 182 def call(self, inputs): argument 198 def call(self, inputs): argument 221 def call(self, inputs): argument 273 def call(self, inputs): argument 300 def call(self, inputs): argument 328 def call(self, inputs): argument 356 def call(self, inputs): argument 376 def call(self, inputs): argument 398 def call(self, inputs): argument 418 def call(self, inputs): argument [all …]
|
| /external/tensorflow/tensorflow/core/graph/ |
| D | control_flow_test.cc | 29 Status LessThanTenCond(const Scope& scope, const std::vector<Output>& inputs, in LessThanTenCond() 35 Status AddOneBody(const Scope& scope, const std::vector<Output>& inputs, in AddOneBody() 41 Status NestedLoopBody(const Scope& scope, const std::vector<Output>& inputs, in NestedLoopBody() 50 std::vector<Output> inputs; in TEST() local 79 std::vector<Output> inputs; in TEST() local 122 std::vector<Output> inputs; in TEST() local
|
| /external/tensorflow/tensorflow/cc/framework/ |
| D | while_gradients_test.cc | 42 const std::vector<Output>* inputs = nullptr) { in CreateLoop() 95 [](const Scope& s, const std::vector<Output>& inputs, Output* output) { in TEST_F() 117 [](const Scope& s, const std::vector<Output>& inputs, Output* output) { in TEST_F() 122 std::vector<Output>* outputs) { in TEST_F() 168 [](const Scope& s, const std::vector<Output>& inputs, Output* output) { in TEST_F() 197 [](const Scope& s, const std::vector<Output>& inputs, Output* output) { in TEST_F() 202 std::vector<Output>* outputs) { in TEST_F()
|
| D | while_gradients.cc | 76 const std::vector<Output>& inputs, in AddForwardLoopCounter() 77 std::vector<Output>* outputs) { in AddForwardLoopCounter() 115 const std::vector<Output>& inputs, in AddBackPropLoopCounter() 116 std::vector<Output>* outputs) { in AddBackPropLoopCounter() 161 const std::vector<Output>& inputs, in AddWhileGradientLoop() 162 std::vector<Output>* outputs) { in AddWhileGradientLoop()
|
| /external/tensorflow/tensorflow/python/tpu/ |
| D | training_loop.py | 30 def while_loop(condition, body, inputs=None, infeed_queue=None, name=None): argument 95 def condition_wrapper(*inputs): 101 def body_wrapper(*inputs): 181 def repeat(n, body, inputs=None, infeed_queue=None, name=None): argument
|
| /external/tensorflow/tensorflow/cc/ops/ |
| D | while_loop_test.cc | 79 Status LessThanTenCond(const Scope& s, const std::vector<Output>& inputs, in LessThanTenCond() 85 Status AddOneBody(const Scope& s, const std::vector<Output>& inputs, in AddOneBody() 119 [](const Scope& s, const std::vector<Output>& inputs, Output* output) { in TEST_F() 134 [](const Scope& s, const std::vector<Output>& inputs, Output* output) { in TEST_F() 144 [](const Scope& s, const std::vector<Output>& inputs, Output* output) { in TEST_F() 168 [](const Scope& s, const std::vector<Output>& inputs, in TEST_F() 179 [](const Scope& s, const std::vector<Output>& inputs, in TEST_F() 194 [](const Scope& s, const std::vector<Output>& inputs, in TEST_F() 195 std::vector<Output>* outputs) { return s.status(); }, in TEST_F()
|
| /external/tensorflow/tensorflow/contrib/slim/python/slim/nets/ |
| D | resnet_v2.py | 69 def bottleneck(inputs, argument 130 def resnet_v2(inputs, argument 264 def resnet_v2_50(inputs, argument 290 def resnet_v2_101(inputs, argument 316 def resnet_v2_152(inputs, argument 342 def resnet_v2_200(inputs, argument
|
| D | resnet_v1.py | 75 def bottleneck(inputs, argument 128 def resnet_v1(inputs, argument 251 def resnet_v1_50(inputs, argument 277 def resnet_v1_101(inputs, argument 303 def resnet_v1_152(inputs, argument 329 def resnet_v1_200(inputs, argument
|
| /external/tensorflow/tensorflow/contrib/crf/python/ops/ |
| D | crf.py | 74 def crf_sequence_score(inputs, tag_indices, sequence_lengths, argument 119 def crf_multitag_sequence_score(inputs, tag_bitmap, sequence_lengths, argument 171 def crf_log_norm(inputs, sequence_lengths, transition_params): argument 230 def crf_log_likelihood(inputs, argument 265 def crf_unary_score(tag_indices, sequence_lengths, inputs): argument 362 def __call__(self, inputs, state, scope=None): argument 448 def __call__(self, inputs, state, scope=None): argument 495 def __call__(self, inputs, state, scope=None): argument
|
| /external/tensorflow/tensorflow/python/keras/engine/ |
| D | base_layer_test.py | 51 def call(self, inputs): argument 66 def call(self, inputs): argument 78 def call(self, inputs): argument 159 def call(self, inputs): argument 177 def call(self, inputs): argument 199 def call(self, inputs): argument 262 def call(self, inputs): argument 299 def call(self, inputs): argument 313 def call(self, inputs, training=None): argument 358 def call(self, inputs): argument [all …]
|
| D | training_eager.py | 65 inputs, argument 180 inputs, argument 233 inputs, argument 284 inputs, argument
|
| /external/tensorflow/tensorflow/contrib/gan/python/ |
| D | train_test.py | 48 def generator_model(inputs): argument 54 def __call__(self, inputs): argument 58 def infogan_generator_model(inputs): argument 64 def __call__(self, inputs): argument 68 def discriminator_model(inputs, _): argument 74 def __call__(self, inputs, _): argument 78 def infogan_discriminator_model(inputs, _): argument 85 def __call__(self, inputs, _): argument 89 def acgan_discriminator_model(inputs, _, num_classes=10): argument 101 def __call__(self, inputs, _, num_classes=10): argument [all …]
|
| /external/tensorflow/tensorflow/python/saved_model/ |
| D | signature_def_utils_impl.py | 39 def build_signature_def(inputs=None, outputs=None, method_name=None): argument 178 def predict_signature_def(inputs, outputs): argument 213 inputs, loss, predictions=None, metrics=None): argument 220 inputs, loss, predictions=None, metrics=None): argument 227 method_name, inputs, loss=None, predictions=None, argument
|
| /external/tensorflow/tensorflow/python/ops/ |
| D | accumulate_n_benchmark.py | 41 def _AccumulateNTemplate(self, inputs, init, shape, validate_shape): argument 52 def _AccumulateNInitializedWithFirst(self, inputs): argument 59 def _AccumulateNInitializedWithMerge(self, inputs): argument 66 def _AccumulateNInitializedWithShape(self, inputs): argument 97 def _SetupAndRunBenchmark(self, graph, inputs, repeats, format_args): argument
|
| D | clustering_ops.py | 60 inputs, argument 152 def _distance_graph(cls, inputs, clusters, distance_metric): argument 175 def _compute_euclidean_distance(cls, inputs, clusters): argument 202 def _compute_cosine_distance(cls, inputs, clusters, inputs_normalized=True): argument 227 def _infer_graph(self, inputs, clusters): argument 319 def _l2_normalize_data(cls, inputs): argument 435 def _mini_batch_training_op(self, inputs, cluster_idx_list, cluster_centers, argument 501 def _full_batch_training_op(self, inputs, num_clusters, cluster_idx_list, argument 561 def __init__(self, inputs, num_clusters, initial_clusters, distance_metric, argument
|
| /external/tensorflow/tensorflow/contrib/factorization/python/ops/ |
| D | clustering_ops.py | 59 inputs, argument 151 def _distance_graph(cls, inputs, clusters, distance_metric): argument 174 def _compute_euclidean_distance(cls, inputs, clusters): argument 201 def _compute_cosine_distance(cls, inputs, clusters, inputs_normalized=True): argument 226 def _infer_graph(self, inputs, clusters): argument 318 def _l2_normalize_data(cls, inputs): argument 434 def _mini_batch_training_op(self, inputs, cluster_idx_list, cluster_centers, argument 500 def _full_batch_training_op(self, inputs, num_clusters, cluster_idx_list, argument 560 def __init__(self, inputs, num_clusters, initial_clusters, distance_metric, argument
|
| /external/tensorflow/tensorflow/compiler/xla/service/ |
| D | hlo_reachability.cc | 34 absl::Span<const HloInstruction* const> inputs, in SetReachabilityToUnion() 43 absl::Span<const HloInstruction* const> inputs, in FastSetReachabilityToUnion() 49 absl::Span<const HloInstruction* const> inputs, in SetReachabilityToUnionHelper() 85 std::vector<HloInstruction*> inputs; in Build() local 145 std::vector<HloInstruction*> inputs; in UpdateReachabilityThroughInstruction() local
|
| /external/tensorflow/tensorflow/python/feature_column/ |
| D | feature_column.py | 1760 def _transform_feature(self, inputs): argument 1830 def _get_dense_tensor(self, inputs, weight_collections=None, trainable=None): argument 1927 inputs, argument 2025 self, inputs, weight_collections=None, trainable=None): argument 2287 def _transform_feature(self, inputs): argument 2301 def _get_dense_tensor(self, inputs, weight_collections=None, trainable=None): argument 2336 def _transform_feature(self, inputs): argument 2347 def _get_dense_tensor(self, inputs, weight_collections=None, trainable=None): argument 2362 def _get_sparse_tensors(self, inputs, weight_collections=None, argument 2411 def _transform_feature(self, inputs): argument [all …]
|
| /external/tensorflow/tensorflow/contrib/layers/python/layers/ |
| D | layers.py | 78 def avg_pool2d(inputs, argument 127 def avg_pool3d(inputs, argument 175 def _fused_batch_norm(inputs, argument 430 def batch_norm(inputs, argument 841 def bias_add(inputs, argument 918 def convolution(inputs, argument 1074 def convolution1d(inputs, argument 1117 def convolution2d(inputs, argument 1160 def convolution3d(inputs, argument 1204 inputs, argument [all …]
|