/external/tensorflow/tensorflow/lite/tools/versioning/ |
D | op_version.cc | 32 if (op_sig.inputs.size() < 2) { in NeedBroadcastForBinaryInputs() 35 return (op_sig.inputs.at(0).dims != op_sig.inputs.at(1).dims); in NeedBroadcastForBinaryInputs() 40 for (auto& input : op_sig.inputs) { in GetInputMaxDims() 53 // If the op has signed int16 op_sig.inputs and op_sig.outputs, its in GetBuiltinOperatorVersion() 55 if (op_sig.inputs.at(0).type == kTfLiteInt16 && in GetBuiltinOperatorVersion() 56 op_sig.inputs.at(1).type == kTfLiteInt16 && in GetBuiltinOperatorVersion() 61 // If the op has signed int8 op_sig.inputs and op_sig.outputs, its in GetBuiltinOperatorVersion() 63 if (op_sig.inputs.at(0).type == kTfLiteInt8 && in GetBuiltinOperatorVersion() 64 op_sig.inputs.at(1).type == kTfLiteInt8 && in GetBuiltinOperatorVersion() 70 if (op_sig.inputs.at(0).type == kTfLiteFloat32 && in GetBuiltinOperatorVersion() [all …]
|
D | op_version_test.cc | 89 .inputs = CreateOpSignatureTensorSpecs( in TEST() 96 .inputs = CreateOpSignatureTensorSpecs( in TEST() 103 .inputs = CreateOpSignatureTensorSpecs( in TEST() 110 .inputs = CreateOpSignatureTensorSpecs( in TEST() 121 .inputs = CreateOpSignatureTensorSpecs(kTfLiteInt8), in SimpleVersioningTest() 127 .inputs = CreateOpSignatureTensorSpecs(kTfLiteUInt8), in SimpleVersioningTest() 137 .inputs = CreateOpSignatureTensorSpecs(kTfLiteInt16), in SimpleVersioningTestExtended() 148 .inputs = std::vector<OpSignatureTensorSpec>{}, in SimpleOutputVersioningTest() 155 .inputs = std::vector<OpSignatureTensorSpec>{}, in SimpleOutputVersioningTest() 165 .inputs = CreateOpSignatureTensorSpecs(kTfLiteString), in TEST() [all …]
|
/external/XNNPACK/eval/ |
D | f16-f32-cvt.cc | 29 std::vector<uint16_t, AlignedAllocator<uint16_t, 64>> inputs(kBlockSize); in TEST() local 33 inputs[i] = n + i; in TEST() 35 xnn_math_f16_f32_cvt__sse2_int16(kBlockSize * sizeof(float), inputs.data(), outputs.data()); in TEST() 37 const uint32_t reference_output = fp32_to_bits(fp16_ieee_to_fp32_value(inputs[i])); in TEST() 39 … << "input = 0x" << std::hex << std::setw(4) << std::setfill('0') << fp32_to_bits(inputs[i]) in TEST() 47 std::vector<uint16_t, AlignedAllocator<uint16_t, 64>> inputs(kBlockSize); in TEST() local 51 inputs[i] = n + i; in TEST() 53 xnn_math_f16_f32_cvt__sse2_int16(kBlockSize * sizeof(float), inputs.data(), outputs.data()); in TEST() 55 const uint32_t reference_output = fp32_to_bits(fp16_ieee_to_fp32_value(inputs[i])); in TEST() 57 … << "input = 0x" << std::hex << std::setw(4) << 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-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-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-f16-cvt.cc | 29 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local 33 inputs[i] = fp32_from_bits(n + i); in TEST() 35 xnn_math_f32_f16_cvt__sse2(kBlockSize * sizeof(uint16_t), inputs.data(), outputs.data()); in TEST() 37 const uint16_t reference_output = fp16_ieee_from_fp32_value(inputs[i]); in TEST() 39 … << "input = 0x" << std::hex << std::setw(8) << std::setfill('0') << fp32_to_bits(inputs[i]) in TEST() 47 std::vector<float, AlignedAllocator<float, 64>> inputs(kBlockSize); in TEST() local 51 inputs[i] = fp32_from_bits(n + i); in TEST() 53 xnn_math_f32_f16_cvt__sse2(kBlockSize * sizeof(uint16_t), inputs.data(), outputs.data()); in TEST() 55 const uint16_t reference_output = fp16_ieee_from_fp32_value(inputs[i]); in TEST() 57 … << "input = 0x" << std::hex << std::setw(8) << std::setfill('0') << fp32_to_bits(inputs[i]) 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/tensorflow/tensorflow/python/data/experimental/kernel_tests/ |
D | csv_dataset_test.py | 43 def _setup_files(self, inputs, linebreak='\n', compression_type=None): argument 45 for i, file_rows in enumerate(inputs): 63 def _make_test_datasets(self, inputs, **kwargs): argument 65 filenames = self._setup_files(inputs) 72 def _test_by_comparison(self, inputs, **kwargs): argument 75 inputs, **kwargs) 80 inputs, argument 88 filenames = self._setup_files(inputs, linebreak, compression_type) 107 inputs = [['1,2,3,4']] 108 self._test_by_comparison(inputs, record_defaults=record_defaults) [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/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/tensorflow/tensorflow/python/keras/layers/ |
D | tensorflow_op_layer_test.py | 41 inputs = keras.Input(shape=(10,)) 42 x = keras.layers.Dense(10)(inputs) 44 return keras.Model(inputs, outputs) 48 inputs = keras.Input(shape=(10,)) 49 x = keras.layers.Dense(10)(inputs) 51 return keras.Model(inputs, outputs) 55 inputs = keras.Input(shape=(10,)) 56 x = keras.layers.Dense(10)(inputs) 59 return keras.Model(inputs, outputs) 63 inputs = keras.Input(shape=(10,)) [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/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/deqp/modules/gles31/functional/ |
D | es31fShaderPackingFunctionTests.cpp | 127 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/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/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 …]
|
/external/tensorflow/tensorflow/python/keras/legacy_tf_layers/ |
D | pooling.py | 32 """Average Pooling layer for 1D inputs. 42 The ordering of the dimensions in the inputs. 43 `channels_last` corresponds to inputs with shape 45 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/tensorflow/tensorflow/python/kernel_tests/ |
D | topk_op_test.py | 43 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 …]
|
/external/clang/test/Driver/ |
D | mingw.cpp | 1 // 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 …]
|