Home
last modified time | relevance | path

Searched full:inputs (Results 1 – 25 of 5992) sorted by relevance

12345678910>>...240

/external/tensorflow/tensorflow/python/keras/layers/
Dtensorflow_op_layer_test.py38 inputs = keras.Input(shape=(10,))
39 x = keras.layers.Dense(10)(inputs)
41 return inputs, outputs
45 inputs = keras.Input(shape=(10,))
46 x = keras.layers.Dense(10)(inputs)
49 return inputs, outputs
53 inputs = keras.Input(shape=(10,))
54 x = keras.layers.Dense(10)(inputs)
57 return inputs, outputs
61 inputs = keras.Input(shape=(10,))
[all …]
Dmerge.py17 """Layers that can merge several inputs into one.
45 def _merge_function(self, inputs): argument
90 raise ValueError('A merge layer should be called on a list of inputs.')
93 'on a list of at least 2 inputs. '
94 'Got ' + str(len(input_shape)) + ' inputs.')
112 # If the inputs have different ranks, we have to reshape them
119 def call(self, inputs): argument
120 if not isinstance(inputs, list):
121 raise ValueError('A merge layer should be called on a list of inputs.')
124 input_ndims = list(map(K.ndim, inputs))
[all …]
/external/tensorflow/tensorflow/python/data/experimental/kernel_tests/
Dcsv_dataset_test.py41 def _setup_files(self, inputs, linebreak='\n', compression_type=None): argument
43 for i, ip in enumerate(inputs):
61 def _make_test_datasets(self, inputs, **kwargs): argument
63 filenames = self._setup_files(inputs)
70 def _test_by_comparison(self, inputs, **kwargs): argument
73 inputs, **kwargs)
101 inputs, argument
109 filenames = self._setup_files(inputs, linebreak, compression_type)
122 inputs = [['1,2,3,4']]
123 self._test_by_comparison(inputs, record_defaults=record_defaults)
[all …]
/external/swiftshader/third_party/llvm-7.0/llvm/test/tools/llvm-cov/
Dmultithreaded-report.test4 RUN: -path-equivalence=/tmp,%S/Inputs \
5 RUN: -instr-profile %S/Inputs/multithreaded_report/main.profdata \
6 RUN: %S/Inputs/multithreaded_report/main.covmapping > %t.1.report
9 RUN: -path-equivalence=/tmp,%S/Inputs \
10 RUN: -instr-profile %S/Inputs/multithreaded_report/main.profdata \
11 RUN: %S/Inputs/multithreaded_report/main.covmapping > %t.2.report
17 RUN: -path-equivalence=/tmp,%S/Inputs \
18 RUN: -instr-profile %S/Inputs/multithreaded_report/main.profdata \
19 RUN: %S/Inputs/multithreaded_report/main.covmapping > %t.1.json
22 RUN: -path-equivalence=/tmp,%S/Inputs \
[all …]
/external/clang/test/Modules/
Dmacro-hiding.cpp2 // RUN: %clang_cc1 -fmodules -fimplicit-module-maps -fmodules-cache-path=%t -I%S/Inputs/macro-hidin…
3 // RUN: %clang_cc1 -fmodules -fimplicit-module-maps -fmodules-cache-path=%t -I%S/Inputs/macro-hidin…
4 // RUN: %clang_cc1 -fmodules -fimplicit-module-maps -fmodules-cache-path=%t -I%S/Inputs/macro-hidin…
5 // RUN: %clang_cc1 -fmodules -fimplicit-module-maps -fmodules-cache-path=%t -I%S/Inputs/macro-hidin…
6 // RUN: %clang_cc1 -fmodules -fimplicit-module-maps -fmodules-cache-path=%t -I%S/Inputs/macro-hidin…
7 // RUN: %clang_cc1 -fmodules -fimplicit-module-maps -fmodules-cache-path=%t -I%S/Inputs/macro-hidin…
8 // RUN: %clang_cc1 -fmodules -fimplicit-module-maps -fmodules-cache-path=%t -I%S/Inputs/macro-hidin…
9 // RUN: %clang_cc1 -fmodules -fimplicit-module-maps -fmodules-cache-path=%t -I%S/Inputs/macro-hidin…
10 // RUN: %clang_cc1 -fmodules -fimplicit-module-maps -fmodules-cache-path=%t -I%S/Inputs/macro-hidin…
11 // RUN: %clang_cc1 -fmodules -fimplicit-module-maps -fmodules-cache-path=%t -I%S/Inputs/macro-hidin…
[all …]
Dmacro-ambiguity.cpp6 // RUN: -iquote Inputs/macro-ambiguity/a/quote \
7 // RUN: -isystem Inputs/macro-ambiguity/a/system \
11 // RUN: Inputs/macro-ambiguity/module.modulemap
15 // RUN: -iquote Inputs/macro-ambiguity/b/quote \
16 // RUN: -isystem Inputs/macro-ambiguity/b/system \
20 // RUN: Inputs/macro-ambiguity/module.modulemap
24 // RUN: -iquote Inputs/macro-ambiguity/c/quote \
25 // RUN: -isystem Inputs/macro-ambiguity/c/system \
29 // RUN: Inputs/macro-ambiguity/module.modulemap
33 // RUN: -iquote Inputs/macro-ambiguity/d/quote \
[all …]
/external/tensorflow/tensorflow/lite/toco/
Dmodel.h385 std::vector<string> inputs;
387 // Output activation arrays. Same comments as for inputs apply here too.
444 // Inputs:
445 // inputs[0]: required: the input activations array
446 // inputs[1]: required: the Conv weights
447 // inputs[2]: optional: the bias vector, specifying the biases for each output
471 // Inputs:
472 // inputs[0]: required: the logits.
473 // inputs[1]: required: sequence length.
474 // inputs[2]: optional: beam width.
[all …]
/external/swiftshader/third_party/llvm-7.0/llvm/test/tools/llvm-profdata/
Dmultiple-inputs.test3 RUN: llvm-profdata merge %p/Inputs/foo3-1.proftext %p/Inputs/foo3-2.proftext -o %t
5 RUN: llvm-profdata merge %p/Inputs/foo3-2.proftext %p/Inputs/foo3-1.proftext -o %t
15 RUN: llvm-profdata merge %p/Inputs/empty.proftext %p/Inputs/foo3-1.proftext -o %t
25 RUN: llvm-profdata merge %p/Inputs/foo3-1.proftext %p/Inputs/foo3bar3-1.proftext -o %t
40 RUN: llvm-profdata merge %p/Inputs/foo3-1.proftext %p/Inputs/bar3-1.proftext -o %t
55 RUN: llvm-profdata merge %p/Inputs/foo3-1.proftext %p/Inputs/foo3-1.proftext \
56 RUN: %p/Inputs/foo3-1.proftext %p/Inputs/foo3-1.proftext \
59 RUN: llvm-profdata merge %p/Inputs/foo3-1.proftext %p/Inputs/foo3-1.proftext \
60 RUN: %p/Inputs/foo3-1.proftext %p/Inputs/foo3-1.proftext \
71 RUN: llvm-profdata merge %p/Inputs/foo3-1.proftext %p/Inputs/foo3-1.proftext \
[all …]
/external/tensorflow/tensorflow/python/ops/
Daccumulate_n_benchmark.py41 def _AccumulateNTemplate(self, inputs, init, shape, validate_shape): argument
43 shape=shape, dtype=inputs[0].dtype.base_dtype)
47 ref, tensor, use_locking=True).op for tensor in inputs
52 def _AccumulateNInitializedWithFirst(self, inputs): argument
54 inputs,
55 init=array_ops.zeros_like(inputs[0]),
56 shape=inputs[0].get_shape(),
59 def _AccumulateNInitializedWithMerge(self, inputs): argument
61 inputs,
62 init=array_ops.zeros_like(gen_control_flow_ops.merge(inputs)[0]),
[all …]
Dmath_grad.py59 input_0_shape = op.inputs[0]._shape_tuple() # pylint: disable=protected-access
61 axes = tensor_util.constant_value(op.inputs[1])
78 input_shape = array_ops.shape(op.inputs[0])
81 input_shape = array_ops.shape(op.inputs[0])
85 output_shape_kept_dims = math_ops.reduced_shape(input_shape, op.inputs[1])
93 input_shape = array_ops.shape(op.inputs[0])
94 output_shape_kept_dims = math_ops.reduced_shape(input_shape, op.inputs[1])
102 indicators = math_ops.cast(math_ops.equal(y, op.inputs[0]), grad.dtype)
104 math_ops.reduce_sum(indicators, op.inputs[1]), output_shape_kept_dims)
124 input_shape = op.inputs[0]._shape_tuple() # pylint: disable=protected-access
[all …]
Dnn_grad.py47 array_ops.shape(op.inputs[1]),
48 op.inputs[2],
56 op.inputs[1],
69 array_ops.shape(op.inputs[0]),
71 op.inputs[2],
78 op.inputs[0],
103 array_ops.shape(op.inputs[1]),
104 op.inputs[2],
111 op.inputs[1],
123 array_ops.shape(op.inputs[0]),
[all …]
/external/llvm/test/tools/dsymutil/X86/
Dmultiple-inputs.test1 RUN: rm -rf %T/multiple-inputs
2 RUN: mkdir -p %T/multiple-inputs
4 RUN: cat %p/../Inputs/basic.macho.x86_64 > %T/multiple-inputs/basic.macho.x86_64
5 RUN: cat %p/../Inputs/basic-archive.macho.x86_64 > %T/multiple-inputs/basic-archive.macho.x86_64
6 RUN: cat %p/../Inputs/basic-lto.macho.x86_64 > %T/multiple-inputs/basic-lto.macho.x86_64
7 RUN: cat %p/../Inputs/basic-lto-dw4.macho.x86_64 > %T/multiple-inputs/basic-lto-dw4.macho.x86_64
9 # Multiple inputs in flat mode
10 …/multiple-inputs/basic.macho.x86_64 %T/multiple-inputs/basic-archive.macho.x86_64 %T/multiple-inpu…
11 RUN: llvm-dwarfdump %T/multiple-inputs/basic.macho.x86_64.dwarf \
13 RUN: llvm-dwarfdump %T/multiple-inputs/basic-archive.macho.x86_64.dwarf \
[all …]
/external/tensorflow/tensorflow/python/tpu/
Dtraining_loop.py30 def while_loop(condition, body, inputs=None, infeed_queue=None, name=None): argument
33 The set of loop-carried tensors corresponds to `inputs`. Both
44 inputs: a list of initial values passed into the training loop, or
47 of arguments as inputs to condition.
57 # Converts inputs to Tensors.
58 inputs = [] if inputs is None else [ops.convert_to_tensor(x) for
59 x in inputs]
60 input_types = [x.dtype for x in inputs]
61 input_arity = len(inputs)
69 "inputs. You specified %d inputs: %s, but the loop body needs %s" % (
[all …]
/external/libcxx/benchmarks/
DGenerateInput.hpp53 std::vector<IntT> inputs(N, static_cast<IntT>(-1)); in getDuplicateIntegerInputs() local
54 return inputs; in getDuplicateIntegerInputs()
59 std::vector<IntT> inputs; in getSortedIntegerInputs() local
61 inputs.push_back(i); in getSortedIntegerInputs()
62 return inputs; in getSortedIntegerInputs()
67 std::vector<IntT> inputs; in getSortedLargeIntegerInputs() local
69 inputs.push_back(i + N); in getSortedLargeIntegerInputs()
71 return inputs; in getSortedLargeIntegerInputs()
76 std::vector<IntT> inputs = getSortedIntegerInputs<IntT>(N); in getSortedTopBitsIntegerInputs() local
77 for (auto& E : inputs) E <<= ((sizeof(IntT) / 2) * CHAR_BIT); in getSortedTopBitsIntegerInputs()
[all …]
/external/tensorflow/tensorflow/compiler/tests/
Dlstm_layer_inference.pbtxt287 name: "inputs/random_uniform/shape"
312 name: "inputs/random_uniform/min"
334 name: "inputs/random_uniform/max"
356 name: "inputs/random_uniform/RandomUniform"
358 input: "inputs/random_uniform/shape"
386 name: "inputs/random_uniform/sub"
388 input: "inputs/random_uniform/max"
389 input: "inputs/random_uniform/min"
399 name: "inputs/random_uniform/mul"
401 input: "inputs/random_uniform/RandomUniform"
[all …]
/external/tensorflow/tensorflow/python/layers/
Dpooling.py30 """Average Pooling layer for 1D inputs.
40 The ordering of the dimensions in the inputs.
41 `channels_last` corresponds to inputs with shape
43 inputs with shape `(batch, channels, length)`.
65 def average_pooling1d(inputs, pool_size, strides, argument
68 """Average Pooling layer for 1D inputs.
71 inputs: The tensor over which to pool. Must have rank 3.
79 The ordering of the dimensions in the inputs.
80 `channels_last` corresponds to inputs with shape
82 inputs with shape `(batch, channels, length)`.
[all …]
/external/deqp/modules/gles31/functional/
Des31fShaderPackingFunctionTests.cpp155 m_spec.inputs.push_back(Symbol("in0", glu::VarType(glu::TYPE_FLOAT_VEC2, precision))); in PackSnorm2x16Case()
164 std::vector<tcu::Vec2> inputs; in iterate() local
171 inputs.push_back(tcu::Vec2(0.0f, 0.0f)); in iterate()
172 inputs.push_back(tcu::Vec2(-1.0f, 1.0f)); in iterate()
173 inputs.push_back(tcu::Vec2(0.5f, -0.5f)); in iterate()
174 inputs.push_back(tcu::Vec2(-1.5f, 1.5f)); in iterate()
175 inputs.push_back(tcu::Vec2(0.25f, -0.75f)); in iterate()
182 inputs.push_back(tcu::Vec2(x, y)); in iterate()
190 inputs.push_back(tcu::Vec2(x, y)); in iterate()
193 outputs.resize(inputs.size()); in iterate()
[all …]
/external/tensorflow/tensorflow/lite/toco/graph_transformations/
Didentify_lstm_merge_inputs.cc39 // Already a compact LstmCell. Do not need to merge cell inputs. in Run()
42 src_lstm_op->inputs.size() != kExtendedLstmInputCount) { in Run()
46 // Identify prev_activ_input, prev_state_input as required Op inputs, in Run()
60 int num_cell = model->GetArray(src_op->inputs[kInputToInputWeightsTensor]) in Run()
63 int num_input = model->GetArray(src_op->inputs[kInputToInputWeightsTensor]) in Run()
67 model->GetArray(src_op->inputs[kRecurrentToInputWeightsTensor]) in Run()
90 model->GetArray(src_op->inputs[kInputToInputWeightsTensor]), 0, 0); in Run()
93 model->GetArray(src_op->inputs[kInputToCellWeightsTensor]), num_cell, 0); in Run()
96 model->GetArray(src_op->inputs[kInputToForgetWeightsTensor]), in Run()
100 model->GetArray(src_op->inputs[kInputToOutputWeightsTensor]), in Run()
[all …]
Didentify_lstm_split_inputs.cc40 // Already an extended LstmCell. Do not need to split cell inputs. in Run()
42 curr_lstm_op->inputs.size() != LstmCellOperator::NUM_INPUTS) { in Run()
49 *model, curr_op->inputs[LstmCellOperator::WEIGHTS_INPUT]) || in Run()
51 *model, curr_op->inputs[LstmCellOperator::BIASES_INPUT])) { in Run()
61 // Emplace a new LstmCell operator with extended inputs (kernel/lstm.cc). in Run()
64 lstm_cell_op->inputs.resize(kExtendedLstmInputCount); in Run()
65 int num_input = model->GetArray(curr_op->inputs[LstmCellOperator::DATA_INPUT]) in Run()
77 lstm_cell_op->inputs[kInputTensor] = in Run()
78 curr_op->inputs[LstmCellOperator::ACTIV_OUTPUT]; in Run()
81 lstm_cell_op->inputs[kInputActivationStateTensor] = in Run()
[all …]
/external/swiftshader/third_party/llvm-7.0/llvm/test/Bitcode/
Dinvalid.test1 RUN: not llvm-dis -disable-output %p/Inputs/invalid-empty.bc 2>&1 | \
3 RUN: not llvm-dis -disable-output %p/Inputs/invalid-pr20485.bc 2>&1 | \
5 RUN: not llvm-dis -disable-output %p/Inputs/invalid-abbrev.bc 2>&1 | \
7 RUN: not llvm-dis -disable-output %p/Inputs/invalid-unexpected-eof.bc 2>&1 | \
9 RUN: not llvm-dis -disable-output %p/Inputs/invalid-bad-abbrev-number.bc 2>&1 | \
11 RUN: not llvm-dis -disable-output %p/Inputs/invalid-type-table-forward-ref.bc 2>&1 | \
13 RUN: not llvm-dis -disable-output %p/Inputs/invalid-bitwidth.bc 2>&1 | \
15 RUN: not llvm-dis -disable-output %p/Inputs/invalid-align.bc 2>&1 | \
17 RUN: not llvm-dis -disable-output %p/Inputs/invalid-gep-mismatched-explicit-type.bc 2>&1 | \
19 RUN: not llvm-dis -disable-output %p/Inputs/invalid-load-mismatched-explicit-type.bc 2>&1 | \
[all …]
/external/clang/test/Driver/
Dmingw.cpp1 // RUN: %clang -target i686-windows-gnu -c -### --sysroot=%S/Inputs/mingw_clang_tree/mingw32 %s 2>&…
2 // CHECK_MINGW_CLANG_TREE: "{{.*}}/Inputs/mingw_clang_tree/mingw32{{/|\\\\}}i686-w64-mingw32{{/|\\\…
3 // CHECK_MINGW_CLANG_TREE: "{{.*}}/Inputs/mingw_clang_tree/mingw32{{/|\\\\}}include"
6 // RUN: %clang -target i686-pc-windows-gnu -stdlib=libstdc++ -c -### --sysroot=%S/Inputs/mingw_ming…
7 // CHECK_MINGW_ORG_TREE: "{{.*}}/Inputs/mingw_mingw_org_tree/mingw{{/|\\\\}}lib{{/|\\\\}}gcc{{/|\\\…
8 // CHECK_MINGW_ORG_TREE: "{{.*}}/Inputs/mingw_mingw_org_tree/mingw{{/|\\\\}}lib{{/|\\\\}}gcc{{/|\\\…
9 // CHECK_MINGW_ORG_TREE: "{{.*}}{{/|\\\\}}Inputs/mingw_mingw_org_tree/mingw{{/|\\\\}}lib{{/|\\\\}}g…
10 // CHECK_MINGW_ORG_TREE: "{{.*}}/Inputs/mingw_mingw_org_tree/mingw{{/|\\\\}}lib{{/|\\\\}}gcc{{/|\\\…
11 // CHECK_MINGW_ORG_TREE: "{{.*}}/Inputs/mingw_mingw_org_tree/mingw{{/|\\\\}}lib{{/|\\\\}}gcc{{/|\\\…
12 // CHECK_MINGW_ORG_TREE: "{{.*}}/Inputs/mingw_mingw_org_tree/mingw{{/|\\\\}}mingw32{{/|\\\\}}includ…
[all …]
/external/llvm/test/Bitcode/
Dinvalid.test1 RUN: not llvm-dis -disable-output %p/Inputs/invalid-pr20485.bc 2>&1 | \
3 RUN: not llvm-dis -disable-output %p/Inputs/invalid-abbrev.bc 2>&1 | \
5 RUN: not llvm-dis -disable-output %p/Inputs/invalid-unexpected-eof.bc 2>&1 | \
7 RUN: not llvm-dis -disable-output %p/Inputs/invalid-bad-abbrev-number.bc 2>&1 | \
9 RUN: not llvm-dis -disable-output %p/Inputs/invalid-type-table-forward-ref.bc 2>&1 | \
11 RUN: not llvm-dis -disable-output %p/Inputs/invalid-bitwidth.bc 2>&1 | \
13 RUN: not llvm-dis -disable-output %p/Inputs/invalid-align.bc 2>&1 | \
15 RUN: not llvm-dis -disable-output %p/Inputs/invalid-gep-mismatched-explicit-type.bc 2>&1 | \
17 RUN: not llvm-dis -disable-output %p/Inputs/invalid-load-mismatched-explicit-type.bc 2>&1 | \
19 RUN: not llvm-dis -disable-output %p/Inputs/invalid-gep-operator-mismatched-explicit-type.bc 2>&1 |…
[all …]
/external/deqp/modules/gles3/functional/
Des3fShaderPackingFunctionTests.cpp151 m_spec.inputs.push_back(Symbol("in0", glu::VarType(glu::TYPE_FLOAT_VEC2, precision))); in PackSnorm2x16Case()
160 std::vector<tcu::Vec2> inputs; in iterate() local
167 inputs.push_back(tcu::Vec2(0.0f, 0.0f)); in iterate()
168 inputs.push_back(tcu::Vec2(-1.0f, 1.0f)); in iterate()
169 inputs.push_back(tcu::Vec2(0.5f, -0.5f)); in iterate()
170 inputs.push_back(tcu::Vec2(-1.5f, 1.5f)); in iterate()
171 inputs.push_back(tcu::Vec2(0.25f, -0.75f)); in iterate()
178 inputs.push_back(tcu::Vec2(x, y)); in iterate()
186 inputs.push_back(tcu::Vec2(x, y)); in iterate()
189 outputs.resize(inputs.size()); in iterate()
[all …]
/external/tensorflow/tensorflow/python/kernel_tests/
Dtopk_op_test.py43 inputs, argument
51 values_op, indices_op = nn_ops.top_k(inputs, k, sorted=sorted)
74 np_inputs = np.array(inputs)
97 inputs = [[0.1, 0.3, 0.2, 0.4], [0.1, 0.3, 0.3, 0.2]]
98 self._validateTopK(inputs, 1, [[0.4], [0.3]], [[3], [1]])
101 inputs = [[0.1, 0.3, 0.2, 0.4], [0.1, 0.3, 0.4, 0.2]]
102 self._validateTopK(inputs, 2, [[0.4, 0.3], [0.4, 0.3]], [[3, 1], [2, 1]])
106 inputs = np.random.permutation(np.linspace(0, 100, 6140, dtype=np.float64))
107 indices = np.argsort(-inputs)[:k]
108 values = -np.sort(-inputs)[:k]
[all …]
/external/tensorflow/tensorflow/contrib/layers/python/layers/
Dlayers.py78 def avg_pool2d(inputs, argument
90 inputs: A 4-D tensor of shape `[batch_size, height, width, channels]` if
112 with ops.name_scope(scope, 'AvgPool2D', [inputs]) as sc:
113 inputs = ops.convert_to_tensor(inputs)
122 outputs = layer.apply(inputs)
127 def avg_pool3d(inputs, argument
139 inputs: A 5-D tensor of shape `[batch_size, depth, height, width, channels]`
161 with ops.name_scope(scope, 'AvgPool3D', [inputs]) as sc:
162 inputs = ops.convert_to_tensor(inputs)
171 outputs = layer.apply(inputs)
[all …]

12345678910>>...240