/external/tensorflow/tensorflow/python/ops/ragged/ |
ragged_rank_op_test.py | 35 test_input=1, variable in class:RaggedRankOpTest 40 test_input=[1], variable in class:RaggedRankOpTest 44 test_input=[1, 2, 3, 4], variable in class:RaggedRankOpTest 49 test_input=[[1], [2], [3]], variable in class:RaggedRankOpTest 54 test_input=[[[1], [2, 3]], [[4], [5, 6, 7]]], variable in class:RaggedRankOpTest 59 test_input=[[[1], [2, 3], [10, 20]], variable in class:RaggedRankOpTest 66 test_input=[[[[1], [2]]], variable in class:RaggedRankOpTest 72 test_input=[ variable in class:RaggedRankOpTest 81 def testRaggedRank(self, test_input, expected_rank, ragged_rank=None): 82 test_input = ragged_factory_ops.constant [all...] |
ragged_size_op_test.py | 35 {'size': 1, 'test_input': 1}, 36 {'size': 0, 'test_input': []}, 37 {'size': 0, 'test_input': [], 'ragged_rank': 1}, 38 {'size': 3, 'test_input': [1, 1, 1]}, 39 {'size': 3, 'test_input': [[1, 1], [1]]}, 40 {'size': 5, 'test_input': [[[1, 1, 1], [1]], [[1]]]}, 41 {'size': 6, 'test_input': [[[1, 1], [1, 1]], [[1, 1]]], 'ragged_rank': 1}, 43 def testRaggedSize(self, test_input, size, ragged_rank=None): 44 input_rt = ragged_factory_ops.constant(test_input, ragged_rank=ragged_rank)
|
/art/tools/cpp-define-generator/ |
make_header_test.py | 20 test_input = r''' 46 self.assertEqual(test_output.strip(), make_header.convert(test_input))
|
/device/linaro/bootloader/edk2/AppPkg/Applications/Python/Python-2.7.2/Lib/distutils/tests/ |
test_text_file.py | 50 def test_input(count, description, file, expected_result):
function in function:TextFileTestCase.test_class 65 test_input(1, "no processing", in_file, result1)
72 test_input(2, "strip comments", in_file, result2)
79 test_input(3, "strip blanks", in_file, result3)
85 test_input(4, "default processing", in_file, result4)
92 test_input(5, "join lines without collapsing", in_file, result5)
99 test_input(6, "join lines with collapsing", in_file, result6)
|
/external/python/cpython2/Lib/distutils/tests/ |
test_text_file.py | 50 def test_input(count, description, file, expected_result): function in function:TextFileTestCase.test_class 65 test_input(1, "no processing", in_file, result1) 72 test_input(2, "strip comments", in_file, result2) 79 test_input(3, "strip blanks", in_file, result3) 85 test_input(4, "default processing", in_file, result4) 92 test_input(5, "join lines without collapsing", in_file, result5) 99 test_input(6, "join lines with collapsing", in_file, result6)
|
/external/python/cpython3/Lib/distutils/tests/ |
test_text_file.py | 50 def test_input(count, description, file, expected_result): function in function:TextFileTestCase.test_class 65 test_input(1, "no processing", in_file, result1) 72 test_input(2, "strip comments", in_file, result2) 79 test_input(3, "strip blanks", in_file, result3) 85 test_input(4, "default processing", in_file, result4) 92 test_input(5, "join lines without collapsing", in_file, result5) 99 test_input(6, "join lines with collapsing", in_file, result6)
|
/external/v8/tools/unittests/ |
run_perf_test.py | 204 test_input = dict(V8_JSON) 205 test_input["test_flags"] = ["2", "test_name"] 206 self._WriteTestInput(test_input) 218 test_input = dict(V8_JSON) 219 test_input["run_count"] = 2 220 test_input["name"] = "v8" 221 test_input["units"] = "ms" 222 self._WriteTestInput(test_input) 235 test_input = dict(V8_JSON) 236 test_input["run_count"] = [all...] |
/external/protobuf/src/google/protobuf/compiler/ruby/ |
ruby_generator_unittest.cc | 83 string test_input; local 86 &test_input, 90 test_input,
|
/external/tensorflow/tensorflow/lite/kernels/internal/ |
log_quantized_test.cc | 72 const std::vector<int32>& test_input, 85 test_input[i] > 5 93 << ", test_input[i]=" << test_input[i] << "=" 94 << static_cast<double>(test_input[i]) / (1 << (31 - input_integer_bits)) 120 void RunSingleTest(const std::vector<int32>& test_input, 122 const int n = test_input.size(); 130 fudged_input[i] = std::max(test_input[i], 2); 147 CheckOutputData(quantized_output, float_gen_output, test_input, label.str(), 153 void RunSingleTest(const std::vector<int32>& test_input, int input_integer_bits [all...] |
/external/tensorflow/tensorflow/lite/python/ |
interpreter_test.py | 52 test_input = np.array([[1.0, 2.0, 3.0, 4.0]], dtype=np.float32) 54 interpreter.set_tensor(input_details[0]['index'], test_input) 83 test_input = np.array([[1, 2, 3, 4]], dtype=np.uint8) 86 test_input.shape) 88 interpreter.set_tensor(input_details[0]['index'], test_input) 118 test_input = np.array([1, 2, 3], dtype=np.int64) 119 interpreter.set_tensor(input_details[1]['index'], test_input) 121 test_input = np.array(['a', 'b', 'c', 'd', 'e', 'f', 'g', 'h', 'i', 'j']) 123 interpreter.set_tensor(input_details[0]['index'], test_input)
|
lite_test.py | 285 test_input = np.array(4.0, dtype=np.float32) 287 interpreter.set_tensor(input_details[0]['index'], test_input) [all...] |
/external/tensorflow/tensorflow/compiler/tests/ |
quantized_ops_test.py | 54 def pack_uint8_r2_to_uint32(self, test_input): 55 num_rows, num_columns = test_input.get_shape().as_list() 58 math_ops.cast(test_input, dtype=dtypes.uint8), 87 test_input = ops.convert_to_tensor(random_input, dtype=dtypes.float32) 88 transposed_input = array_ops.transpose(test_input, [1, 0])
|
reduce_ops_test.py | 47 for test_input in test_inputs: 53 result = sess.run(out, {a: test_input, index: [0]}) 55 result, np_reduce_fn(test_input, axis=0), rtol=rtol, atol=atol) 57 result = sess.run(out, {a: test_input, index: [1]}) 59 result, np_reduce_fn(test_input, axis=1), rtol=rtol, atol=atol) 61 result = sess.run(out, {a: test_input, index: [-1]}) 63 result, np_reduce_fn(test_input, axis=1), rtol=rtol, atol=atol) 67 sess.run(out, {a: test_input, index: [-33]}) 71 sess.run(out, {a: test_input, index: [2]}) 192 for test_input in test_inputs [all...] |
/external/tensorflow/tensorflow/python/kernel_tests/ |
conv_ops_3d_test.py | 369 padding, test_input, data_format, use_gpu): 442 if test_input: 475 test_input=True) 487 test_input=False) 499 test_input=True) 511 test_input=False) 523 test_input=True) 535 test_input=False) 547 test_input=True) 559 test_input=False [all...] |
conv_ops_test.py | [all...] |
depthwise_conv_op_test.py | 357 test_input, 413 if test_input: 448 test_input=True, 457 test_input=True, 479 test_input=True, 498 test_input=False, 519 test_input=False,
|
template_test.py | 83 test_input, test_output = ([5., 6., 7., 8.], [11, 13, 15, 17]) 97 test_prediction = line_template(test_input) 124 test_input, test_output = ([5., 6., 7., 8.], [11, 13, 15, 17]) 143 test_prediction = line_template(test_input)
|
/external/catch2/projects/SelfTest/UsageTests/ |
Generators.tests.cpp | 61 auto [test_input, expected] = GENERATE( table<std::string, size_t>({ 68 REQUIRE( test_input.size() == expected );
|
/external/tensorflow/tensorflow/python/autograph/converters/ |
lists_test.py | 104 test_input = [1, 2, [1, 2, 3]] 108 self.assertAllEqual(result.test_fn(test_input), 3)
|
/external/vixl/tools/test_generator/ |
generator.py | 385 def InputDefinition(test_input): 388 for input in test_input.GenerateInputs(self.inputs) 392 """.format(name=test_input.name, input=",".join(inputs))
|
/external/python/cpython3/Lib/test/ |
test_winconsoleio.py | 142 def test_input(self): member in class:WindowsConsoleIOTests
|
test_builtin.py | 1126 def test_input(self): member in class:BuiltinTest [all...] |
/external/tensorflow/tensorflow/contrib/seq2seq/python/kernel_tests/ |
attention_wrapper_test.py | 512 test_input = np.random.uniform(size=(10, 20)) 519 test_input, axis=axis, exclusive=exclusive).eval() 522 test_input, axis=axis, exclusive=exclusive).eval() [all...] |
/external/tensorflow/tensorflow/contrib/eager/python/ |
network_test.py | 156 test_input = constant_op.constant([[2.0]]) 157 net1(test_input) 163 self.assertAllEqual(self.evaluate(net1(test_input)), 164 self.evaluate(net2(test_input))) [all...] |
/external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/ |
estimator_test.py | 562 test_input = TestInput() 564 est.fit(input_fn=test_input.config_test_input_fn, steps=1) 566 self.assertEquals(test_random_seed, test_input.random_seed) [all...] |