/external/XNNPACK/src/ |
D | runtime.c | 92 … 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/tensorflow/tensorflow/python/data/experimental/kernel_tests/ |
D | csv_dataset_test.py | 42 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/eval/ |
D | f32-roundne.cc | 28 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 …]
|
D | f32-roundz.cc | 28 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 …]
|
D | f32-roundu.cc | 28 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 …]
|
D | f32-roundd.cc | 28 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 …]
|
D | f32-expminus.cc | 32 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 …]
|
D | f32-exp.cc | 32 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 …]
|
D | f32-expm1minus.cc | 32 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/llvm-project/llvm/test/tools/llvm-cov/ |
D | multithreaded-report.test | 4 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/tensorflow/tensorflow/lite/toco/ |
D | model.h | 402 std::vector<std::string> inputs; 404 // Output activation arrays. Same comments as for inputs apply here too. 461 // Inputs: 462 // inputs[0]: required: the input activations array 463 // inputs[1]: required: the Conv weights 464 // inputs[2]: optional: the bias vector, specifying the biases for each output 488 // Inputs: 489 // inputs[0]: required: the logits. 490 // inputs[1]: required: sequence length. 491 // inputs[2]: optional: beam width. [all …]
|
/external/clang/test/Modules/ |
D | macro-hiding.cpp | 2 // 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 …]
|
D | macro-ambiguity.cpp | 6 // 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/llvm-project/clang/test/Modules/ |
D | macro-hiding.cpp | 2 // 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 …]
|
D | macro-ambiguity.cpp | 6 // 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/llvm-project/clang/test/Driver/ |
D | darwin-header-search-system.cpp | 11 // RUN: -ccc-install-dir %S/Inputs/basic_darwin_toolchain_no_libcxx/usr/bin \ 12 // RUN: -resource-dir=%S/Inputs/resource_dir \ 13 // RUN: -isysroot %S/Inputs/basic_darwin_sdk_usr_and_usr_local \ 14 // RUN: | FileCheck -DSYSROOT=%S/Inputs/basic_darwin_sdk_usr_and_usr_local \ 15 // RUN: -DRESOURCE=%S/Inputs/resource_dir \ 20 // RUN: -ccc-install-dir %S/Inputs/basic_darwin_toolchain_no_libcxx/usr/bin \ 21 // RUN: -resource-dir=%S/Inputs/resource_dir \ 22 // RUN: --sysroot %S/Inputs/basic_darwin_sdk_usr_and_usr_local \ 23 // RUN: | FileCheck -DSYSROOT=%S/Inputs/basic_darwin_sdk_usr_and_usr_local \ 24 // RUN: -DRESOURCE=%S/Inputs/resource_dir \ [all …]
|
/external/llvm-project/llvm/test/tools/llvm-profdata/ |
D | multiple-inputs.test | 3 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/ |
D | accumulate_n_benchmark.py | 41 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 …]
|
/external/llvm/test/tools/dsymutil/X86/ |
D | multiple-inputs.test | 1 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/keras/layers/ |
D | tensorflow_op_layer_test.py | 44 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 …]
|
/external/llvm-project/llvm/test/tools/llvm-symbolizer/ |
D | sym.test | 20 RUN: llvm-symbolizer -print-address -obj=%p/Inputs/addr.exe < %p/Inputs/addr.inp | FileCheck %s 21 RUN: llvm-symbolizer -addresses -obj=%p/Inputs/addr.exe < %p/Inputs/addr.inp | FileCheck %s 22 RUN: llvm-symbolizer -a -obj=%p/Inputs/addr.exe < %p/Inputs/addr.inp | FileCheck %s 23 RUN: llvm-symbolizer -inlining -print-address -pretty-print -obj=%p/Inputs/addr.exe < %p/Inputs/add… 24 RUN: llvm-symbolizer -inlining -print-address -p -obj=%p/Inputs/addr.exe < %p/Inputs/addr.inp | Fil… 25 RUN: llvm-symbolizer -inlines -print-address -pretty-print -obj=%p/Inputs/addr.exe < %p/Inputs/addr… 26 RUN: llvm-symbolizer -inlines -print-address -p -obj=%p/Inputs/addr.exe < %p/Inputs/addr.inp | File… 27 RUN: llvm-symbolizer -i -print-address -pretty-print -obj=%p/Inputs/addr.exe < %p/Inputs/addr.inp |… 28 RUN: llvm-symbolizer -i -print-address -p -obj=%p/Inputs/addr.exe < %p/Inputs/addr.inp | FileCheck … 31 RUN: llvm-symbolizer --inlining=true --print-address -p --obj=%p/Inputs/addr.exe < %p/Inputs/addr.i… [all …]
|
/external/tensorflow/tensorflow/python/tpu/ |
D | training_loop.py | 36 inputs: Optional[List[Any]] = None, 41 The set of loop-carried tensors corresponds to `inputs`. Both 52 inputs: a list of initial values passed into the training loop, or None 55 arguments as inputs to condition. 65 # Converts inputs to Tensors. 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) 77 "inputs. You specified %d inputs: %s, but the loop body needs %s" % ( [all …]
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | lstm_layer_inference.pbtxt | 287 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/keras/legacy_tf_layers/ |
D | pooling.py | 31 """Average Pooling layer for 1D inputs. 41 The ordering of the dimensions in the inputs. 42 `channels_last` corresponds to inputs with shape 44 inputs with shape `(batch, channels, length)`. 63 def average_pooling1d(inputs, pool_size, strides, argument 66 """Average Pooling layer for 1D inputs. 69 inputs: The tensor over which to pool. Must have rank 3. 77 The ordering of the dimensions in the inputs. 78 `channels_last` corresponds to inputs with shape 80 inputs with shape `(batch, channels, length)`. [all …]
|
/external/libcxx/benchmarks/ |
D | GenerateInput.hpp | 53 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 …]
|