Home
last modified time | relevance | path

Searched refs:inputs (Results 1 – 25 of 3882) sorted by relevance

12345678910>>...156

/external/tensorflow/tensorflow/python/data/experimental/kernel_tests/
Dcsv_dataset_test.py42 def _setup_files(self, inputs, linebreak='\n', compression_type=None): argument
44 for i, file_rows in enumerate(inputs):
62 def _make_test_datasets(self, inputs, **kwargs): argument
64 filenames = self._setup_files(inputs)
71 def _test_by_comparison(self, inputs, **kwargs): argument
74 inputs, **kwargs)
79 inputs, argument
87 filenames = self._setup_files(inputs, linebreak, compression_type)
106 inputs = [['1,2,3,4']]
107 self._test_by_comparison(inputs, record_defaults=record_defaults)
[all …]
/external/XNNPACK/src/
Druntime.c92 … values[node->inputs[0]].shape.dim[values[node->inputs[0]].shape.num_dims - 1] /* channels */, in xnn_create_runtime_v2()
93 … values[node->inputs[0]].shape.dim[values[node->inputs[0]].shape.num_dims - 1] /* input stride */, in xnn_create_runtime_v2()
94 … values[node->inputs[0]].shape.dim[values[node->inputs[0]].shape.num_dims - 1] /* output stride */, in xnn_create_runtime_v2()
100 runtime->opdata[i].batch_size = product_non_channel_dims(&values[node->inputs[0]].shape); in xnn_create_runtime_v2()
101 runtime->opdata[i].inputs[0] = node->inputs[0]; in xnn_create_runtime_v2()
113 runtime->opdata[i].shape1.num_dims = values[node->inputs[0]].shape.num_dims; in xnn_create_runtime_v2()
114 runtime->opdata[i].shape2.num_dims = values[node->inputs[1]].shape.num_dims; in xnn_create_runtime_v2()
116 assert(values[node->inputs[0]].layout == xnn_layout_type_nchw); in xnn_create_runtime_v2()
117 assert(values[node->inputs[1]].layout == xnn_layout_type_nchw); in xnn_create_runtime_v2()
118 runtime->opdata[i].shape1.dim[0] = values[node->inputs[0]].shape.dim[0]; in xnn_create_runtime_v2()
[all …]
/external/XNNPACK/eval/
Df32-roundd.cc28 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
30 std::fill(inputs.begin(), inputs.end(), UINT32_C(0x00000000)); in TEST()
31 xnn_math_f32_roundd__sse_addsub(kBlockSize * sizeof(float), inputs.data(), outputs.data()); in TEST()
32 const uint32_t reference_output = fp32_to_bits(std::floor(inputs[0])); in TEST()
34 << "input = 0x" << std::hex << std::setw(8) << std::setfill('0') << fp32_to_bits(inputs[0]) in TEST()
40 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
42 std::fill(inputs.begin(), inputs.end(), UINT32_C(0x80000000)); in TEST()
43 xnn_math_f32_roundd__sse_addsub(kBlockSize * sizeof(float), inputs.data(), outputs.data()); in TEST()
44 const uint32_t reference_output = fp32_to_bits(std::floor(inputs[0])); in TEST()
46 << "input = 0x" << std::hex << std::setw(8) << std::setfill('0') << fp32_to_bits(inputs[0]) in TEST()
[all …]
Df32-roundu.cc28 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
30 std::fill(inputs.begin(), inputs.end(), UINT32_C(0x00000000)); in TEST()
31 xnn_math_f32_roundu__sse_addsub(kBlockSize * sizeof(float), inputs.data(), outputs.data()); in TEST()
32 const uint32_t reference_output = fp32_to_bits(std::ceil(inputs[0])); in TEST()
34 << "input = 0x" << std::hex << std::setw(8) << std::setfill('0') << fp32_to_bits(inputs[0]) in TEST()
40 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
42 std::fill(inputs.begin(), inputs.end(), UINT32_C(0x80000000)); in TEST()
43 xnn_math_f32_roundu__sse_addsub(kBlockSize * sizeof(float), inputs.data(), outputs.data()); in TEST()
44 const uint32_t reference_output = fp32_to_bits(std::ceil(inputs[0])); in TEST()
46 << "input = 0x" << std::hex << std::setw(8) << std::setfill('0') << fp32_to_bits(inputs[0]) in TEST()
[all …]
Df32-expminus.cc32 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
34 std::fill(inputs.begin(), inputs.end(), -0.0f); in TEST()
35 …xnn_math_f32_expminus__neonfma_rr2_lut64_p2(kBlockSize * sizeof(float), inputs.data(), outputs.dat… in TEST()
38 << "input = 0x" << std::hex << std::setw(8) << std::setfill('0') << fp32_to_bits(inputs[0]) in TEST()
46 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
48 std::fill(inputs.begin(), inputs.end(), +0.0f); in TEST()
49 …xnn_math_f32_expminus__neonfma_rr2_lut64_p2(kBlockSize * sizeof(float), inputs.data(), outputs.dat… in TEST()
52 << "input = 0x" << std::hex << std::setw(8) << std::setfill('0') << fp32_to_bits(inputs[0]) in TEST()
60 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
64 inputs[i] = fp32_from_bits(std::min(n + i, UINT32_C(0xFF800000))); in TEST()
[all …]
Df32-roundne.cc28 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
32 inputs[i] = fp32_from_bits(n + i); in TEST()
34 xnn_math_f32_roundne__sse_addsub(kBlockSize * sizeof(float), inputs.data(), outputs.data()); in TEST()
36 const uint32_t reference_output = fp32_to_bits(std::nearbyint(inputs[i])); in TEST()
38 … << "input = 0x" << std::hex << std::setw(8) << std::setfill('0') << fp32_to_bits(inputs[i]) in TEST()
46 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
50 inputs[i] = fp32_from_bits(n + i); in TEST()
52 xnn_math_f32_roundne__sse_addsub(kBlockSize * sizeof(float), inputs.data(), outputs.data()); in TEST()
54 const uint32_t reference_output = fp32_to_bits(std::nearbyint(inputs[i])); in TEST()
56 … << "input = 0x" << std::hex << std::setw(8) << std::setfill('0') << fp32_to_bits(inputs[i]) in TEST()
[all …]
Df32-exp.cc32 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
34 std::fill(inputs.begin(), inputs.end(), -0.0f); in TEST()
35 … xnn_math_f32_exp__neonfma_rr2_lut64_p2(kBlockSize * sizeof(float), inputs.data(), outputs.data()); in TEST()
38 << "input = 0x" << std::hex << std::setw(8) << std::setfill('0') << fp32_to_bits(inputs[0]) in TEST()
46 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
48 std::fill(inputs.begin(), inputs.end(), +0.0f); in TEST()
49 … xnn_math_f32_exp__neonfma_rr2_lut64_p2(kBlockSize * sizeof(float), inputs.data(), outputs.data()); in TEST()
52 << "input = 0x" << std::hex << std::setw(8) << std::setfill('0') << fp32_to_bits(inputs[0]) in TEST()
60 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
64 inputs[i] = fp32_from_bits(std::min(n + i, UINT32_C(0xFF800000))); in TEST()
[all …]
Df32-roundz.cc28 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
32 inputs[i] = fp32_from_bits(n + i); in TEST()
34 xnn_math_f32_roundz__sse_addsub(kBlockSize * sizeof(float), inputs.data(), outputs.data()); in TEST()
36 const uint32_t reference_output = fp32_to_bits(std::trunc(inputs[i])); in TEST()
38 … << "input = 0x" << std::hex << std::setw(8) << std::setfill('0') << fp32_to_bits(inputs[i]) in TEST()
46 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
50 inputs[i] = fp32_from_bits(n + i); in TEST()
52 xnn_math_f32_roundz__sse_addsub(kBlockSize * sizeof(float), inputs.data(), outputs.data()); in TEST()
54 const uint32_t reference_output = fp32_to_bits(std::trunc(inputs[i])); in TEST()
56 … << "input = 0x" << std::hex << std::setw(8) << std::setfill('0') << fp32_to_bits(inputs[i]) in TEST()
[all …]
Df32-expm1minus.cc32 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
34 std::fill(inputs.begin(), inputs.end(), -0.0f); in TEST()
35 …xnn_math_f32_expm1minus__neon_rr2_lut16_p3(kBlockSize * sizeof(float), inputs.data(), outputs.data… in TEST()
38 << "input = 0x" << std::hex << std::setw(8) << std::setfill('0') << fp32_to_bits(inputs[0]) in TEST()
46 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
50 inputs[i] = fp32_from_bits(std::min(n + i, UINT32_C(0xFF800000))); in TEST()
52 …xnn_math_f32_expm1minus__neon_rr2_lut16_p3(kBlockSize * sizeof(float), inputs.data(), outputs.data… in TEST()
56 … << "input = 0x" << std::hex << std::setw(8) << std::setfill('0') << fp32_to_bits(inputs[i]) in TEST()
66 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local
70 inputs[i] = fp32_from_bits(std::min(UINT32_C(0x7FFFFFFF), n + i)); in TEST()
[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/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 …]
Dnn_grad.py47 array_ops.shape(op.inputs[1]),
48 op.inputs[2],
57 op.inputs[1],
73 array_ops.shape(op.inputs[0]),
75 op.inputs[2],
83 op.inputs[0],
109 array_ops.shape(op.inputs[1]),
110 op.inputs[2],
118 op.inputs[1],
131 array_ops.shape(op.inputs[0]),
[all …]
/external/deqp/modules/gles31/functional/
Des31fShaderPackingFunctionTests.cpp127 m_spec.inputs.push_back(Symbol("in0", glu::VarType(glu::TYPE_FLOAT_VEC2, precision))); in PackSnorm2x16Case()
136 std::vector<tcu::Vec2> inputs; in iterate() local
143 inputs.push_back(tcu::Vec2(0.0f, 0.0f)); in iterate()
144 inputs.push_back(tcu::Vec2(-1.0f, 1.0f)); in iterate()
145 inputs.push_back(tcu::Vec2(0.5f, -0.5f)); in iterate()
146 inputs.push_back(tcu::Vec2(-1.5f, 1.5f)); in iterate()
147 inputs.push_back(tcu::Vec2(0.25f, -0.75f)); in iterate()
154 inputs.push_back(tcu::Vec2(x, y)); in iterate()
162 inputs.push_back(tcu::Vec2(x, y)); in iterate()
165 outputs.resize(inputs.size()); in iterate()
[all …]
/external/llvm-project/libcxx/benchmarks/
DGenerateInput.h53 std::vector<IntT> inputs(N, static_cast<IntT>(-1)); in getDuplicateIntegerInputs()
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/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]])
107 inputs = np.random.permutation(
109 indices = np.argsort(-inputs)[:k]
110 values = -np.sort(-inputs)[:k]
[all …]
Dunsorted_segment_join_op_test.py45 inputs = [['Y', 'q', 'c'], ['Y', '6', '6'], ['p', 'G', 'a']]
53 inputs=inputs,
61 inputs = np.array([], dtype=np.string_)
68 inputs=inputs,
76 inputs = [['Y', 'q', 'c'], ['Y', '6', '6'], ['p', 'G', 'a']]
84 inputs=inputs,
95 inputs=inputs,
103 inputs = constant_op.constant([['Y', 'q', 'c'], ['Y', '6', '6'],
113 inputs=inputs,
121 inputs = [['Y', 'q', 'c'], ['Y', '6', '6'], ['p', 'G', 'a']]
[all …]
Dnth_element_op_test.py36 def _validateNthElement(self, inputs, dtype, n, reverse, expected_values): argument
39 inputs_op = ops.convert_to_tensor(inputs, dtype=dtype)
47 inputs = [2.2, 4.4, 1.1, 5.5, 3.3]
48 self._validateNthElement(inputs, dtypes.float32, 1, False, 2.2)
49 self._validateNthElement(inputs, dtypes.float32, 1, True, 4.4)
52 inputs = [[2.2, 4.4, 1.1], [5.5, 3.3, 6.6]]
53 self._validateNthElement(inputs, dtypes.float64, 2, False, [4.4, 6.6])
54 self._validateNthElement(inputs, dtypes.float64, 2, True, [1.1, 3.3])
57 inputs = [[[2, 4, 1], [5, -3, 6]],
59 self._validateNthElement(inputs, dtypes.int32, 0, False,
[all …]
/external/deqp/external/vulkancts/modules/vulkan/shaderexecutor/
DvktShaderPackingFunctionTests.cpp145 std::vector<tcu::Vec2> inputs; in iterate() local
152 inputs.push_back(tcu::Vec2(0.0f, 0.0f)); in iterate()
153 inputs.push_back(tcu::Vec2(-1.0f, 1.0f)); in iterate()
154 inputs.push_back(tcu::Vec2(0.5f, -0.5f)); in iterate()
155 inputs.push_back(tcu::Vec2(-1.5f, 1.5f)); in iterate()
156 inputs.push_back(tcu::Vec2(0.25f, -0.75f)); in iterate()
161 inputs.push_back(tcu::randomVector<float, 2>(rnd, tcu::Vec2(-1.25f), tcu::Vec2(1.25f))); in iterate()
167 inputs.push_back(tcu::randomVector<float, 2>(rnd, tcu::Vec2(-0.5e6f), tcu::Vec2(0.5e6f))); in iterate()
170 outputs.resize(inputs.size()); in iterate()
172 …m_testCtx.getLog() << TestLog::Message << "Executing shader for " << inputs.size() << " input valu… in iterate()
[all …]
/external/tensorflow/tensorflow/lite/toco/graph_transformations/
Didentify_lstm_split_inputs.cc42 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()
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()
82 curr_op->inputs[LstmCellOperator::PREV_ACTIV_INPUT]; in Run()
83 lstm_cell_op->inputs[kInputCellStateTensor] = in Run()
[all …]
/external/mesa3d/src/amd/compiler/tests/
Dtest_optimizer.cpp36 Temp neg_b = bld.vop2(aco_opcode::v_xor_b32, bld.def(v1), Operand(0x80000000u), inputs[1]);
37 writeout(0, bld.vop2(aco_opcode::v_mul_f32, bld.def(v1), inputs[0], neg_b));
43 Temp neg_a = bld.vop2(aco_opcode::v_xor_b32, bld.def(v1), Operand(0x80000000u), inputs[0]);
49 writeout(2, bld.vop2(aco_opcode::v_mul_f32, bld.def(v1), neg_neg_a, inputs[1]));
55 writeout(3, bld.vop2(aco_opcode::v_mul_f32, bld.def(v1), abs_neg_a, inputs[1]));
59 Temp abs_a = bld.vop2(aco_opcode::v_and_b32, bld.def(v1), Operand(0x7FFFFFFFu), inputs[0]);
61 writeout(4, bld.vop2(aco_opcode::v_mul_f32, bld.def(v1), neg_abs_a, inputs[1]));
65 … writeout(5, bld.vop2_dpp(aco_opcode::v_mul_f32, bld.def(v1), neg_a, inputs[1], dpp_row_sl(1)));
69 writeout(6, bld.vop2(aco_opcode::v_add_f32, bld.def(v1), neg_a, inputs[1]));
73 writeout(7, bld.vop2(aco_opcode::v_add_f32, bld.def(v1), inputs[1], neg_a));
[all …]
/external/deqp/modules/gles3/functional/
Des3fShaderPackingFunctionTests.cpp127 m_spec.inputs.push_back(Symbol("in0", glu::VarType(glu::TYPE_FLOAT_VEC2, precision))); in PackSnorm2x16Case()
136 std::vector<tcu::Vec2> inputs; in iterate() local
143 inputs.push_back(tcu::Vec2(0.0f, 0.0f)); in iterate()
144 inputs.push_back(tcu::Vec2(-1.0f, 1.0f)); in iterate()
145 inputs.push_back(tcu::Vec2(0.5f, -0.5f)); in iterate()
146 inputs.push_back(tcu::Vec2(-1.5f, 1.5f)); in iterate()
147 inputs.push_back(tcu::Vec2(0.25f, -0.75f)); in iterate()
154 inputs.push_back(tcu::Vec2(x, y)); in iterate()
162 inputs.push_back(tcu::Vec2(x, y)); in iterate()
165 outputs.resize(inputs.size()); in iterate()
[all …]
/external/tensorflow/tensorflow/python/keras/layers/
Dtensorflow_op_layer_test.py44 inputs = keras.Input(shape=(10,))
45 x = keras.layers.Dense(10)(inputs)
47 return keras.Model(inputs, outputs)
51 inputs = keras.Input(shape=(10,))
52 x = keras.layers.Dense(10)(inputs)
54 return keras.Model(inputs, outputs)
58 inputs = keras.Input(shape=(10,))
59 x = keras.layers.Dense(10)(inputs)
62 return keras.Model(inputs, outputs)
66 inputs = keras.Input(shape=(10,))
[all …]
Dmerge.py48 def _merge_function(self, inputs): argument
120 def call(self, inputs): argument
121 if not isinstance(inputs, (list, tuple)):
125 input_ndims = list(map(K.ndim, inputs))
131 for x in inputs:
141 for x in inputs:
183 return self._merge_function(inputs)
204 def compute_mask(self, inputs, mask=None): argument
209 if not isinstance(inputs, (tuple, list)):
211 if len(mask) != len(inputs):
[all …]
/external/tensorflow/tensorflow/python/ops/ragged/
Dragged_cross_op_test.py60 inputs=[],
64 inputs=[ragged_const([['a', 'b'], [], ['c']])],
68 inputs=[ragged_const([[1, 2, 3], [4, 5]])],
72 inputs=[dense_const([[1, 2, 3], [4, 5, 6]])],
76 inputs=[sparse_const([['a', 'b'], [], ['c']])],
80 inputs=[
88 inputs=[
97 inputs=[
105 inputs=[
113 inputs=[dense_const([[1, 2], [3, 4]]),
[all …]
/external/tensorflow/tensorflow/python/tpu/
Dtraining_loop.py36 inputs: Optional[List[Any]] = None,
66 inputs = [] if inputs is None else [ops.convert_to_tensor(x) for
67 x in inputs]
68 input_types = [x.dtype for x in inputs]
69 input_arity = len(inputs)
78 input_arity, str([i.name for i in inputs]), body_arg_error))
84 [i.name for i in inputs]), infeed_queue.number_of_tuple_elements,
93 "condition needs %s" % (input_arity, str([i.name for i in inputs]),
100 "condition." % (input_arity, str([i.name for i in inputs]),
103 def condition_wrapper(*inputs): argument
[all …]

12345678910>>...156